From 1a9755f92cfacc8934b4a3aa91e7244540c0082a Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:38:05 +0200 Subject: [PATCH 01/21] Switch from README.rst to README.md. Switch from setup.py to pyproject.toml. --- README.md | 955 +++++++++++++++++++++++++++++++++++++++++ README.rst | 362 ---------------- img/logo/logo_long.png | Bin 0 -> 81155 bytes pyproject.toml | 74 ++++ requirements.txt | 11 + setup.cfg | 2 - setup.py | 27 +- 7 files changed, 1043 insertions(+), 388 deletions(-) create mode 100644 README.md delete mode 100644 README.rst create mode 100644 img/logo/logo_long.png create mode 100644 pyproject.toml create mode 100644 requirements.txt delete mode 100644 setup.cfg diff --git a/README.md b/README.md new file mode 100644 index 0000000..dc92c79 --- /dev/null +++ b/README.md @@ -0,0 +1,955 @@ +![netcal logo](img/logo/logo_long.png) + +# net:cal - Uncertainty Calibration + +
+ +The **net:cal** calibration framework is a Python 3 library for measuring and mitigating miscalibration of uncertainty estimates, e.g., by a neural network. +For full API reference documentation, visit +. + +Copyright © 2019-2022 Ruhr West University of Applied Sciences, +Bottrop, Germany AND e:fs TechHub GmbH, Gaimersheim, Germany. + +This Source Code Form is subject to the terms of the Apache License 2.0. +If a copy of the APL2 was not distributed with this file, You can obtain +one at . + +**Important: updated references!** If you use this framework +(*classification or detection*) or parts of it for your research, please +cite it by: + +``` +@InProceedings{Kueppers_2020_CVPR_Workshops, + author = {Küppers, Fabian and Kronenberger, Jan and Shantia, Amirhossein and Haselhoff, Anselm}, + title = {Multivariate Confidence Calibration for Object Detection}, + booktitle = {The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops}, + month = {June}, + year = {2020} +} +``` + +*If you use Bayesian calibration methods with uncertainty, please cite +it by*: + +``` +@InProceedings{Kueppers_2021_IV, + author = {Küppers, Fabian and Kronenberger, Jan and Schneider, Jonas and Haselhoff, Anselm}, + title = {Bayesian Confidence Calibration for Epistemic Uncertainty Modelling}, + booktitle = {Proceedings of the IEEE Intelligent Vehicles Symposium (IV)}, + month = {July}, + year = {2021}, +} +``` + +*If you use Regression calibration methods, please cite it by*: + +``` +@InProceedings{Kueppers_2022_ECCV_Workshops, + author = {Küppers, Fabian and Schneider, Jonas and Haselhoff, Anselm}, + title = {Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection}, + booktitle = {European Conference on Computer Vision (ECCV) Workshops}, + year = {2022}, + month = {October}, + publisher = {Springer}, +} +``` + +## Table of Contents + +- [Overview](#overview) + - [Update on version 1.3](#update-on-version-13) + - [Update on version 1.2](#update-on-version-12) + - [Update on version 1.1](#update-on-version-11) +- [Installation](#installation) +- [Requirements](#requirements) +- [Calibration Metrics](#calibration-metrics) + - [Confidence Calibration Metrics](#confidence-calibration-metrics) + - [Regression Calibration Metrics](#regression-calibration-metrics) +- [Methods](#methods) + - [Confidence Calibration Methods](#confidence-calibration-methods) + - [Binning](#binning) + - [Scaling](#scaling) + - [Regularization](#regularization) + - [Regression Calibration Methods](#regression-calibration-methods) + - [Non-parametric calibration](#non-parametric-calibration) + - [Parametric calibration](#parametric-calibration) +- [Visualization](#visualization) +- [Examples](#examples) + - [Classification](#classification) + - [Post-hoc Calibration for Classification](#post-hoc-calibration-for-classification) + - [Measuring Miscalibration for Classification](#measuring-miscalibration-for-classification) + - [Visualizing Miscalibration for Classification](#visualizing-miscalibration-for-classification) + - [Detection (Confidence of Objects)](#detection-confidence-of-objects) + - [Post-hoc Calibration for Detection](#post-hoc-calibration-for-detection) + - [Measuring Miscalibration for Detection](#measuring-miscalibration-for-detection) + - [Visualizing Miscalibration for Detection](#visualizing-miscalibration-for-detection) + - [Uncertainty in Confidence Calibration](#uncertainty-in-confidence-calibration) + - [Post-hoc Calibration with Uncertainty](#post-hoc-calibration-with-uncertainty) + - [Measuing Miscalibration with Uncertainty](#measuring-miscalibration-with-uncertainty) + - [Probabilistic Regression](#probabilistic-regression) + - [Post-hoc Calibration (Parametric)](#post-hoc-calibration-parametric) + - [Post-hoc Calibration (Non-Parametric)](#post-hoc-calibration-non-parametric) + - [Correlation Estimation and Recalibration](#correlation-estimation-and-recalibration) + - [Measuring Miscalibration for Regression](#measuring-miscalibration-for-regression) + - [Visualizing Miscalibration for Regression](#visualizing-miscalibration-for-regression) +- [References](#references) + +## Overview + +This framework is designed to calibrate the confidence estimates of +classifiers like neural networks. Modern neural networks are likely to +be overconfident with their predictions. However, reliable confidence +estimates of such classifiers are crucial especially in safety-critical +applications. + +For example: given 100 predictions with a confidence of 80% of each +prediction, the observed accuracy should also match 80% (neither more +nor less). This behaviour is achievable with several calibration +methods. + +### Update on version 1.3 + +TL;DR: + +- Regression calibration methods: train and infer methods to rescale the uncertainty of probabilistic regression models +- New package: *netcal.regression* with regression calibration methods: + - Isotonic Regression (*netcal.regression.IsotonicRegression*) + - Variance Scaling (*netcal.regression.VarianceScaling*) + - GP-Beta (*netcal.regression.GPBeta*) + - GP-Normal (*netcal.regression.GPNormal*) + - GP-Cauchy (*netcal.regression.GPCauchy*) +- Implement *netcal.regression.GPNormal* method with correlation estimation and recalibration +- Restructured *netcal.metrics* package to distinguish between (semantic) confidence calibration in *netcal.confidence* and regression uncertainty calibration in *netcal.regression*: + - Expected Calibration Error (ECE - *netcal.confidence.ECE*) + - Maximum Calibration Error (MCE - *netcal.confidence.MCE*) + - Average Calibration Error (ACE - *netcal.confidence.ACE*) + - Maximum Mean Calibration Error (MMCE - *netcal.confidence.MMCE*) + - Negative Log Likelihood (NLL - *netcal.regression.NLL*) + - Prediction Interval Coverage Probability (PICP - *netcal.regression.PICP*) + - Pinball loss (*netcal.regression.PinballLoss*) + - Uncertainty Calibration Error (UCE - *netcal.regression.UCE*) + - Expected Normalized Calibration Error (ENCE - *netcal.regression.ENCE*) + - Quantile Calibration Error (QCE - *netcal.regression.QCE*) + +- Added new types of reliability diagrams to visualize regression calibration properties: + - Reliability Regression diagram to visualize calibration for different quantile levels (preferred - *netcal.presentation.ReliabilityRegression*) + - Reliability QCE diagram to visualize QCE over stddev (*netcal.presentation.QCE*) +- Updated examples +- Minor bugfixes +- Use library [tikzplotlib](https://github.com/texworld/tikzplotlib) within the *netcal.presentation* package to enable a direct conversion of *matplotlib.Figure* objects to Tikz-Code (e.g., can be used for LaTeX figures) + +Within this release, we provide a new package *netcal.regression* to +enable recalibration of probabilistic regression tasks. Within +probabilistic regression, a regression model does not output a single +score for each prediction but rather a probability distribution (e.g., +Gaussian with mean/variance) that targets the true output score. Similar +to (semantic) confidence calibration, regression calibration requires +that the estimated uncertainty matches the observed error distribution. +There exist several definitions for regression calibration which the +provided calibration methods aim to mitigate (cf. README within the +*netcal.regression* package). We distinguish the provided calibration +methods into non-parametric and parametric methods. Non-parametric +calibration methods take a probability distribution as input and apply +recalibration in terms of quantiles on the cumulative (CDF). This leads +to a recalibrated probability distribution that, however, has no +analytical representation but is given by certain points defining a CDF +distribution. Non-parametric calibration methods are +*netcal.regression.IsotonicRegression* and *netcal.regression.GPBeta*. + +In contrast, parametric calibration methods also take a probability +distribution as input and provide a recalibrated distribution that has +an analytical expression (e.g., Gaussian). Parametric calibration +methods are *netcal.regression.VarianceScaling*, +*netcal.regression.GPNormal*, and *netcal.regression.GPCauchy*. + +The calibration methods are designed to also work with multiple +independent dimensions. The methods +*netcal.regression.IsotonicRegression* and +*netcal.regression.VarianceScaling* apply a recalibration of each +dimension independently of each other. In contrast, the GP methods +*netcal.regression.GPBeta*, *netcal.regression.GPNormal*, and +*netcal.regression.GPCauchy* use a single GP to apply recalibration. +Furthermore, the GP-Normal *netcal.regression.GPNormal* is can model +possible correlations within the training data to transform multiple +univariate probability distributions of a single sample to a joint +multivariate (normal) distribution with possible correlations. This +calibration scheme is denoted as *correlation estimation*. Additionally, +the GP-Normal is also able to take a multivariate (normal) distribution +with correlations as input and applies a recalibration of the whole +covariance matrix. This is referred to as *correlation recalibration*. + +Besides the recalibration methods, we restructured the *netcal.metrics* +package which now also holds several metrics for regression calibration +(cf. *netcal.metrics* package documentation for detailed information). +Finally, we provide several ways to visualize regression miscalibration +within the *netcal.presentation* package. + +All plot-methods within the *netcal.presentation* package now support +the option "tikz=True" which switches from standard +*matplotlib.Figure* objects to strings with Tikz-Code. Tikz-code can be +directly used for LaTeX documents to render images as vector graphics +with high quality. Thus, this option helps to improve the quality of +your reliability diagrams if you are planning to use this library for +any type of publication/document + +### Update on version 1.2 + +TL;DR: + +- Bayesian confidence calibration: train and infer scaling methods using variational inference (VI) and MCMC sampling +- New metrics: MMCE [[13]](#ref13) and PICP [[14]](#ref14) (*netcal.metrics.MMCE* and *netcal.metrics.PICP*) +- New regularization methods: MMCE [[13]](#ref13) and DCA [[15]](#ref15) (*netcal.regularization.MMCEPenalty* and *netcal.regularization.DCAPenalty*) +- Updated examples +- Switched license from MPL2 to APL2 + +Now you can also use Bayesian methods to obtain uncertainty within a +calibration mapping mainly in the *netcal.scaling* package. We adapted +Markov-Chain Monte-Carlo sampling (MCMC) as well as Variational +Inference (VI) on common calibration methods. It is also easily possible +to bring the scaling methods to CUDA in order to speed-up the +computations. We further provide new metrics to evaluate confidence +calibration (MMCE) and to evaluate the quality of prediction intervals +(PICP). Finally, we updated our framework by new regularization methods +that can be used during model training (MMCE and DCA). + +### Update on version 1.1 + +This framework can also be used to calibrate object detection models. It +has recently been shown that calibration on object detection also +depends on the position and/or scale of a predicted object [[12]](#ref12). We +provide calibration methods to perform confidence calibration w.r.t. the +additional box regression branch. For this purpose, we extended the +commonly used Histogram Binning [[3]](#ref3), Logistic Calibration alias Platt +scaling [[10]](#ref10) and the Beta Calibration method [[2]](#ref2) to also include the +bounding box information into a calibration mapping. Furthermore, we +provide two new methods called the *Dependent Logistic Calibration* and +the *Dependent Beta Calibration* that are not only able to perform a +calibration mapping w.r.t. additional bounding box information but also +to model correlations and dependencies between all given quantities [[12]](#ref12). +Those methods should be preffered over their counterparts in object +detection mode. + +The framework is structured as follows: + + netcal + .binning # binning methods (confidence calibration) + .scaling # scaling methods (confidence calibration) + .regularization # regularization methods (confidence calibration) + .presentation # presentation methods (confidence/regression calibration) + .metrics # metrics for measuring miscalibration (confidence/regression calibration) + .regression # methods for regression uncertainty calibration (regression calibration) + + examples # example code snippets + +## Installation + +The installation of the calibration suite is quite easy as it registered +in the Python Package Index (PyPI). You can either install this +framework using PIP: +```shell + $ python3 -m pip install netcal +``` +Or simply invoke the following command to install the calibration suite when installing from source: +```shell + $ git clone https://github.com/fabiankueppers/calibration-framework.git + $ cd calibration-framework + $ python3 -m pip install . +``` + +Note: with update 1.3, we switched from *setup.py* to *pyproject.toml* +according to PEP-518. The *setup.py* is only for backwards +compatibility. + +### Requirements +According to *requierments.txt*: + +- numpy\>=1.18 +- scipy\>=1.4 +- matplotlib\>=3.3 +- scikit-learn\>=0.24 +- torch\>=1.9 +- torchvision\>=0.10.0 +- tqdm\>=4.40 +- pyro-ppl\>=1.8 +- tikzplotlib\>=0.9.8 +- tensorboard\>=2.2 +- gpytorch\>=1.5.1 + +## Calibration Metrics + +We further distinguish between *onfidence calibration* which aims to +recalibrate confidence estimates in the [0, 1] interval, and +*regression uncertainty calibration* which addresses the problem of +calibration in probabilistic regression settings. + +### Confidence Calibration Metrics + +The most common metric to determine miscalibration in the scope of +classification is the *Expected Calibration Error* (ECE) [[1]](#ref1). This +metric divides the confidence space into several bins and measures the +observed accuracy in each bin. The bin gaps between observed accuracy +and bin confidence are summed up and weighted by the amount of samples +in each bin. The *Maximum Calibration Error* (MCE) denotes the highest +gap over all bins. The *Average Calibration Error* (ACE) [[11]](#ref11) denotes +the average miscalibration where each bin gets weighted equally. For +object detection, we implemented the *Detection Calibration Error* +(D-ECE) [[12]](#ref12) that is the natural extension of the ECE to object +detection tasks. The miscalibration is determined w.r.t. the bounding +box information provided (e.g. box location and/or scale). For this +purpose, all available information gets binned in a multidimensional +histogram. The accuracy is then calculated in each bin separately to +determine the mean deviation between confidence and accuracy. + +- (Detection) Expected Calibration Error [[1]](#ref1), [[12]](#ref12) (*netcal.metrics.ECE*) +- (Detection) Maximum Calibration Error [[1]](#ref1), [[12]](#ref12) (*netcal.metrics.MCE*) +- (Detection) Average Calibration Error [[11]](#ref11), [[12]](#ref12) (*netcal.metrics.ACE*) +- Maximum Mean Calibration Error (MMCE) [[13]](#ref13) (*netcal.metrics.MMCE*) (no position-dependency) + +### Regression Calibration Metrics + +In regression calibration, the most common metric is the *Negative Log +Likelihood* (NLL) to measure the quality of a predicted probability +distribution w.r.t. the ground-truth: + +- Negative Log Likelihood (NLL) (*netcal.metrics.NLL*) + +The metrics *Pinball Loss*, *Prediction Interval Coverage Probability* +(PICP), and *Quantile Calibration Error* (QCE) evaluate the estimated +distributions by means of the predicted quantiles. For example, if a +forecaster makes 100 predictions using a probability distribution for +each estimate targeting the true ground-truth, we can measure the +coverage of the ground-truth samples for a certain quantile level (e.g., +95% quantile). If the relative amount of ground-truth samples falling +into a certain predicted quantile is above or below the specified +quantile level, a forecaster is told to be miscalibrated in terms of +*quantile calibration*. Appropriate metrics in this context are + +- Pinball Loss (*netcal.metrics.PinballLoss*) +- Prediction Interval Coverage Probability (PICP) [[14]](#ref14) (*netcal.metrics.PICP*) +- Quantile Calibration Error (QCE) [[15]](#ref15) (*netcal.metrics.QCE*) + +Finally, if we work with normal distributions, we can measure the +quality of the predicted variance/stddev estimates. For *variance +calibration*, it is required that the predicted variance mathes the +observed error variance which is equivalent to then Mean Squared Error +(MSE). Metrics for *variance calibration* are + +- Expected Normalized Calibration Error (ENCE) [[17]](#ref17) (*netcal.metrics.ENCE*) +- Uncertainty Calibration Error (UCE) [[18]](#ref18) (*netcal.metrics.UCE*) + +## Methods + +We further give an overview about the post-hoc calibration methods for +(semantic) confidence calibration as well as about the methods for +regression uncertainty calibration. + +### Confidence Calibration Methods + +The post-hoc calibration methods are separated into binning and scaling +methods. The binning methods divide the available information into +several bins (like ECE or D-ECE) and perform calibration on each bin. +The scaling methods scale the confidence estimates or logits directly to +calibrated confidence estimates - on detection calibration, this is done +w.r.t. the additional regression branch of a network. + +Important: if you use the detection mode, you need to specifiy the flag +"detection=True" in the constructor of the according method (this is +not necessary for *netcal.scaling.LogisticCalibrationDependent* and +*netcal.scaling.BetaCalibrationDependent*). + +Most of the calibration methods are designed for binary classification +tasks. For binning methods, multi-class calibration is performed in +"one vs. all" by default. + +Some methods such as "Isotonic Regression" utilize methods from the +scikit-learn API [[9]](#ref9). + +Another group are the regularization tools which are added to the loss +during the training of a Neural Network. + +#### Binning + +Implemented binning methods are: + +- Histogram Binning for classification [[3]](#ref3), [[4]](#ref4) and object detection [[12]](#ref12) (*netcal.binning.HistogramBinning*) +- Isotonic Regression [[4]](#ref4),[[5]](#ref5) (*netcal.binning.IsotonicRegression*) +- Bayesian Binning into Quantiles (BBQ) [[1]](#ref1) (*netcal.binning.BBQ*) +- Ensemble of Near Isotonic Regression (ENIR) [[6]](#ref6) (*netcal.binning.ENIR*) + +#### Scaling + +Implemented scaling methods are: + +- Logistic Calibration/Platt Scaling for classification [[10]](#ref10) and object detection [[12]](#ref12) (*netcal.scaling.LogisticCalibration*) +- Dependent Logistic Calibration for object detection [[12]](#ref12) (*netcal.scaling.LogisticCalibrationDependent*) - on detection, this method is able to capture correlations between all input quantities and should be preferred over Logistic Calibration for object detection +- Temperature Scaling for classification [[7]](#ref7) and object detection [[12]](#ref12) (*netcal.scaling.TemperatureScaling*) +- Beta Calibration for classification [[2]](#ref2) and object detection [[12]](#ref12) (*netcal.scaling.BetaCalibration*) +- Dependent Beta Calibration for object detection [[12]](#ref12) (*netcal.scaling.BetaCalibrationDependent*) - on detection, this method is able to capture correlations between all input quantities and should be preferred over Beta Calibration for object detection + +**New on version 1.2:** you can provide a parameter named "method" to +the constructor of each scaling method. This parameter could be one of +the following: - 'mle': use the method feed-forward with maximum +likelihood estimates on the calibration parameters (standard) - +'momentum': use non-convex momentum optimization (e.g. default on +dependent beta calibration) - 'mcmc': use Markov-Chain Monte-Carlo +sampling to obtain multiple parameter sets in order to quantify +uncertainty in the calibration - 'variational': use Variational +Inference to obtain multiple parameter sets in order to quantify +uncertainty in the calibration + +#### Regularization + +With some effort, it is also possible to push the model training towards +calibrated confidences by regularization. Implemented regularization +methods are: + +- Confidence Penalty [[8]](#ref8) (*netcal.regularization.confidence\_penalty* and *netcal.regularization.ConfidencePenalty* - the latter one is a PyTorch implementation that might be used as a regularization term) +- Maximum Mean Calibration Error (MMCE) [[13]](#ref13) (*netcal.regularization.MMCEPenalty* - PyTorch regularization module) +- DCA [[15]](#ref15) (*netcal.regularization.DCAPenalty* - PyTorch regularization module) + +### Regression Calibration Methods + +The *netcal* library provides post-hoc methods to recalibrate the +uncertainty of probabilistic regression tasks. We distinguish the +calibration methods into non-parametric and parametric methods. +Non-parametric calibration methods take a probability distribution as +input and apply recalibration in terms of quantiles on the cumulative +(CDF). This leads to a recalibrated probability distribution that, +however, has no analytical representation but is given by certain points +defining a CDF distribution. In contrast, parametric calibration methods +also take a probability distribution as input and provide a recalibrated +distribution that has an analytical expression (e.g., Gaussian). + +#### Non-parametric calibration + +The common non-parametric recalibration methods use the predicted +cumulative (CDF) distribution functions to learn a mapping from the +uncalibrated quantiles to the observed quantile coverage. Using a +recalibrated CDF, it is possible to derive the respective density +functions (PDF) or to extract statistical moments such as mean and +variance. Non-parametric calibration methods within the +*netcal.regression* package are + +- Isotonic Regression [[19]](#ref19) which applies a (marginal) recalibration of the CDF (*netcal.regression.IsotonicRegression*) +- GP-Beta [[20]](#ref20) which applies an input-dependent recalibration of the CDF using a Gaussian process for parameter estimation (*netcal.regression.GPBeta*) + +#### Parametric calibration + +The parametric recalibration methods apply a recalibration of the +estimated distributions so that the resulting distribution is given in +terms of a distribution with an analytical expression (e.g., a +Gaussian). These methods are suitable for applications where a +parametric distribution is required for subsequent applications, e.g., +within Kalman filtering. We implemented the following parametric +calibration methods: + +- Variance Scaling [[17]](#ref17), [[18]](#ref18) which is nothing else but a temperature scaling for the predicted variance (*netcal.regression.VarianceScaling*) +- GP-Normal [[16]](#ref16) which applies an input-dependent rescaling of the predicted variance (*netcal.regression.GPNormal*). Note: this method is also able to capture correlations between multiple input dimensions and can return a joint multivariate normal distribution as calibration output (cf. examples section). +- GP-Cauchy [[16]](#ref16) is similar to GP-Normal but utilizes a Cauchy distribution as calibration output (*netcal.regression.GPCauchy*) + +## Visualization + +For visualization of miscalibration, one can use a Confidence Histograms +& Reliability Diagrams for (semantic) confidence calibration as well as +for regression uncertainty calibration. Within confidence calibration, +these diagrams are similar to ECE. The output space is divided into +equally spaced bins. The calibration gap between bin accuracy and bin +confidence is visualized as a histogram. + +For detection calibration, the miscalibration can be visualized either +along one additional box information (e.g. the x-position of the +predictions) or distributed over two additional box information in terms +of a heatmap. + +For regression uncertainty calibration, the reliability diagram shows +the relative prediction interval coverage of the ground-truth samples +for different quantile levels. + +- Reliability Diagram [[1]](#ref1), [[12]](#ref12) (*netcal.presentation.ReliabilityDiagram*) +- Reliability Diagram for regression calibration (*netcal.presentation.ReliabilityRegression*) +- Reliability QCE Diagram [[16]](#ref16) shows the Quantile Calibration Error (QCE) for different variance levels (*netcal.presentation.ReliabilityQCE*) + +**New on version 1.3:** All plot-methods within the +*netcal.presentation* package now support the option "tikz=True" which +switches from standard *matplotlib.Figure* objects to strings with +Tikz-Code. Tikz-code can be directly used for LaTeX documents to render +images as vector graphics with high quality. Thus, this option helps to +improve the quality of your reliability diagrams if you are planning to +use this library for any type of publication/document + +## Examples + +The calibration methods work with the predicted confidence estimates of +a neural network and on detection also with the bounding box regression +branch. + +### Classification + +This is a basic example which uses softmax predictions of a +classification task with 10 classes and the given NumPy arrays: + +```python +ground_truth # this is a NumPy 1-D array with ground truth digits between 0-9 - shape: (n_samples,) +confidences # this is a NumPy 2-D array with confidence estimates between 0-1 - shape: (n_samples, n_classes) +``` + +#### Post-hoc Calibration for Classification + +This is an example for *netcal.scaling.TemperatureScaling* but also +works for every calibration method (remind different constructor +parameters): + +```python +import numpy as np +from netcal.scaling import TemperatureScaling + +temperature = TemperatureScaling() +temperature.fit(confidences, ground_truth) +calibrated = temperature.transform(confidences) +``` + +#### Measuring Miscalibration for Classification + +The miscalibration can be determined with the ECE: + +```python +from netcal.metrics import ECE + +n_bins = 10 + +ece = ECE(n_bins) +uncalibrated_score = ece.measure(confidences, ground_truth) +calibrated_score = ece.measure(calibrated, ground_truth) +``` + +#### Visualizing Miscalibration for Classification + +The miscalibration can be visualized with a Reliability Diagram: + +```python +from netcal.presentation import ReliabilityDiagram + +n_bins = 10 + +diagram = ReliabilityDiagram(n_bins) +diagram.plot(confidences, ground_truth) # visualize miscalibration of uncalibrated +diagram.plot(calibrated, ground_truth) # visualize miscalibration of calibrated + +# you can also use this method to create a tikz file with tikz code +# that can be directly used within LaTeX documents: +diagram.plot(confidences, ground_truth, tikz=True, filename="diagram.tikz") +``` + +### Detection (Confidence of Objects) + +In this example we use confidence predictions of an object detection +model with the according x-position of the predicted bounding boxes. Our +ground-truth provided to the calibration algorithm denotes if a bounding +box has matched a ground-truth box with a certain IoU and the correct +class label. + +```python +matched # binary NumPy 1-D array (0, 1) that indicates if a bounding box has matched a ground truth at a certain IoU with the right label - shape: (n_samples,) +confidences # NumPy 1-D array with confidence estimates between 0-1 - shape: (n_samples,) +relative_x_position # NumPy 1-D array with relative center-x position between 0-1 of each prediction - shape: (n_samples,) +``` + +#### Post-hoc Calibration for Detection + +This is an example for *netcal.scaling.LogisticCalibration* and +*netcal.scaling.LogisticCalibrationDependent* but also works for every +calibration method (remind different constructor parameters): + +```python +import numpy as np +from netcal.scaling import LogisticCalibration, LogisticCalibrationDependent + +input = np.stack((confidences, relative_x_position), axis=1) + +lr = LogisticCalibration(detection=True, use_cuda=False) # flag 'detection=True' is mandatory for this method +lr.fit(input, matched) +calibrated = lr.transform(input) + +lr_dependent = LogisticCalibrationDependent(use_cuda=False) # flag 'detection=True' is not necessary as this method is only defined for detection +lr_dependent.fit(input, matched) +calibrated = lr_dependent.transform(input) +``` + +#### Measuring Miscalibration for Detection + +The miscalibration can be determined with the D-ECE: + +```python +from netcal.metrics import ECE + +n_bins = [10, 10] +input_calibrated = np.stack((calibrated, relative_x_position), axis=1) + +ece = ECE(n_bins, detection=True) # flag 'detection=True' is mandatory for this method +uncalibrated_score = ece.measure(input, matched) +calibrated_score = ece.measure(input_calibrated, matched) +``` + +#### Visualizing Miscalibration for Detection + +The miscalibration can be visualized with a Reliability Diagram: + +```python +from netcal.presentation import ReliabilityDiagram + +n_bins = [10, 10] + +diagram = ReliabilityDiagram(n_bins, detection=True) # flag 'detection=True' is mandatory for this method +diagram.plot(input, matched) # visualize miscalibration of uncalibrated +diagram.plot(input_calibrated, matched) # visualize miscalibration of calibrated + +# you can also use this method to create a tikz file with tikz code +# that can be directly used within LaTeX documents: +diagram.plot(input, matched, tikz=True, filename="diagram.tikz") +``` + +### Uncertainty in Confidence Calibration + +We can also quantify the uncertainty in a calibration mapping if we use +a Bayesian view on the calibration models. We can sample multiple +parameter sets using MCMC sampling or VI. In this example, we reuse the +data of the previous detection example. + +```python +matched # binary NumPy 1-D array (0, 1) that indicates if a bounding box has matched a ground truth at a certain IoU with the right label - shape: (n_samples,) +confidences # NumPy 1-D array with confidence estimates between 0-1 - shape: (n_samples,) +relative_x_position # NumPy 1-D array with relative center-x position between 0-1 of each prediction - shape: (n_samples,) +``` + +#### Post-hoc Calibration with Uncertainty + +This is an example for *netcal.scaling.LogisticCalibration* and +*netcal.scaling.LogisticCalibrationDependent* but also works for every +calibration method (remind different constructor parameters): + +```python +import numpy as np +from netcal.scaling import LogisticCalibration, LogisticCalibrationDependent + +input = np.stack((confidences, relative_x_position), axis=1) + +# flag 'detection=True' is mandatory for this method +# use Variational Inference with 2000 optimization steps for creating this calibration mapping +lr = LogisticCalibration(detection=True, method'variational', vi_epochs=2000, use_cuda=False) +lr.fit(input, matched) + +# 'num_samples=1000': sample 1000 parameter sets from VI +# thus, 'calibrated' has shape [1000, n_samples] +calibrated = lr.transform(input, num_samples=1000) + +# flag 'detection=True' is not necessary as this method is only defined for detection +# this time, use Markov-Chain Monte-Carlo sampling with 250 warm-up steps, 250 parameter samples and one chain +lr_dependent = LogisticCalibrationDependent(method='mcmc', + mcmc_warmup_steps=250, mcmc_steps=250, mcmc_chains=1, + use_cuda=False) +lr_dependent.fit(input, matched) + +# 'num_samples=1000': although we have only sampled 250 different parameter sets, +# we can randomly sample 1000 parameter sets from MCMC +calibrated = lr_dependent.transform(input) +``` + +#### Measuring Miscalibration with Uncertainty + +You can directly pass the output to the D-ECE and PICP instance to +measure miscalibration and mask quality: + +```python +from netcal.metrics import ECE +from netcal.metrics import PICP + +n_bins = 10 +ece = ECE(n_bins, detection=True) +picp = PICP(n_bins, detection=True) + +# the following function calls are equivalent: +miscalibration = ece.measure(calibrated, matched, uncertainty="mean") +miscalibration = ece.measure(np.mean(calibrated, axis=0), matched) + +# now determine uncertainty quality +uncertainty = picp.measure(calibrated, matched, kind="confidence") + +print("D-ECE:", miscalibration) +print("PICP:", uncertainty.picp) # prediction coverage probability +print("MPIW:", uncertainty.mpiw) # mean prediction interval width +``` + +If we want to measure miscalibration and uncertainty quality by means of +the relative x position, we need to broadcast the according information: + +```python +# broadcast and stack x information to calibrated information +broadcasted = np.broadcast_to(relative_x_position, calibrated.shape) +calibrated = np.stack((calibrated, broadcasted), axis=2) + +n_bins = [10, 10] +ece = ECE(n_bins, detection=True) +picp = PICP(n_bins, detection=True) + +# the following function calls are equivalent: +miscalibration = ece.measure(calibrated, matched, uncertainty="mean") +miscalibration = ece.measure(np.mean(calibrated, axis=0), matched) + +# now determine uncertainty quality +uncertainty = picp.measure(calibrated, matched, uncertainty="mean") + +print("D-ECE:", miscalibration) +print("PICP:", uncertainty.picp) # prediction coverage probability +print("MPIW:", uncertainty.mpiw) # mean prediction interval width +``` + +### Probabilistic Regression + +The following example shows how to use the post-hoc calibration methods +for probabilistic regression tasks. Within probabilistic regression, a +forecaster (e.g. with Gaussian prior) outputs a mean and a variance +targeting the true ground-truth score. Thus, the following information +is required to construct the calibration methods: + +```python +mean # NumPy n-D array holding the estimated mean of shape (n, d) with n samples and d dimensions +stddev # NumPy n-D array holding the estimated stddev (independent) of shape (n, d) with n samples and d dimensions +ground_truth # NumPy n-D array holding the ground-truth scores of shape (n, d) with n samples and d dimensions +``` + +#### Post-hoc Calibration (Parametric) + +These information might result e.g. from object detection where the +position information of the objects (bounding boxes) are parametrized by +normal distributions. We start by using parametric calibration methods +such as Variance Scaling: + +```python +from netcal.regression import VarianceScaling, GPNormal + +# the initialization of the Variance Scaling method is pretty simple +varscaling = VarianceScaling() + +# the GP-Normal requires a little bit more parameters to parametrize the underlying GP +gpnormal = GPNormal( + n_inducing_points=12, # number of inducing points + n_random_samples=256, # random samples used for likelihood + n_epochs=256, # optimization epochs + use_cuda=False, # can also use CUDA for computations +) + +# fit the Variance Scaling +# note that we need to pass the first argument as tuple as the input distributions +# are parametrized by mean and variance +varscaling.fit((mean, stddev), ground_truth) + +# fit GP-Normal - similar parameters here! +gpnormal.fit((mean, stddev), ground_truth) + +# transform distributions to obtain recalibrated stddevs +stddev_varscaling = varscaling.transform((mean, stddev)) # NumPy array with stddev - has shape (n, d) +stddev_gpnormal = gpnormal.transform((mean, stddev)) # NumPy array with stddev - has shape (n, d) +``` + +#### Post-hoc Calibration (Non-Parametric) + +We can also use non-parametric calibration methods. In this case, the +calibrated distributions are defined by their density (PDF) and +cumulative (CDF) functions: + +```python +from netcal.regression import IsotonicRegression, GPBeta + +# the initialization of the Isotonic Regression method is pretty simple +isotonic = IsotonicRegression() + +# the GP-Normal requires a little bit more parameters to parametrize the underlying GP +gpbeta = GPBeta( + n_inducing_points=12, # number of inducing points + n_random_samples=256, # random samples used for likelihood + n_epochs=256, # optimization epochs + use_cuda=False, # can also use CUDA for computations +) + +# fit the Isotonic Regression +# note that we need to pass the first argument as tuple as the input distributions +# are parametrized by mean and variance +isotonic.fit((mean, stddev), ground_truth) + +# fit GP-Beta - similar parameters here! +gpbeta.fit((mean, stddev), ground_truth) + +# transform distributions to obtain recalibrated distributions +t_isotonic, pdf_isotonic, cdf_isotonic = varscaling.transform((mean, stddev)) +t_gpbeta, pdf_gpbeta, cdf_gpbeta = gpbeta.transform((mean, stddev)) + +# Note: the transformation results are NumPy n-d arrays with shape (t, n, d) +# with t as the number of points that define the PDF/CDF, +# with n as the number of samples, and +# with d as the number of dimensions. + +# The resulting variables can be interpreted as follows: +# - t_isotonic/t_gpbeta: x-values of the PDF/CDF with shape (t, n, d) +# - pdf_isotonic/pdf_gpbeta: y-values of the PDF with shape (t, n, d) +# - cdf_isotonic/cdf_gpbeta: y-values of the CDF with shape (t, n, d) +``` + +You can visualize the non-parametric distribution of a single sample +within a single dimension using Matplotlib: + +```python +from matplotlib import pyplot as plt + +fig, (ax1, ax2) = plt.subplots(2, 1) + +# plot the recalibrated PDF within a single axis after calibration +ax1.plot( + t_isotonic[:, 0, 0], pdf_isotonic[:, 0, 0], + t_gpbeta[:, 0, 0], pdf_gpbeta[:, 0, 0], +) + +# plot the recalibrated PDF within a single axis after calibration +ax2.plot( + t_isotonic[:, 0, 0], cdf_isotonic[:, 0, 0], + t_gpbeta[:, 0, 0], cdf_gpbeta[:, 0, 0], +) + +plt.show() +``` + +We provide a method to extract the statistical moments expectation and +variance from the recalibrated cumulative (CDF). Note that we advise to +use one of the parametric calibration methods if you need e.g. a +Gaussian for subsequent applications such as Kalman filtering. + +```python +from netcal import cumulative_moments + +# extract the expectation (mean) and the variance from the recalibrated CDF +ymean_isotonic, yvar_isotonic = cumulative_moments(t_isotonic, cdf_isotonic) +ymean_gpbeta, yvar_gpbeta = cumulative_moments(t_gpbeta, cdf_gpbeta) + +# each of these variables has shape (n, d) and holds the +# mean/variance for each sample and in each dimension +``` + +#### Correlation Estimation and Recalibration + +With the GP-Normal *netcal.regression.GPNormal*, it is also possible to +detect possible correlations between multiple input dimensions that have +originally been trained/modelled independently from each other: + +```python +from netcal.regression import GPNormal + +# the GP-Normal requires a little bit more parameters to parametrize the underlying GP +gpnormal = GPNormal( + n_inducing_points=12, # number of inducing points + n_random_samples=256, # random samples used for likelihood + n_epochs=256, # optimization epochs + use_cuda=False, # can also use CUDA for computations + correlations=True, # enable correlation capturing between the input dimensions +) + +# fit GP-Normal +# note that we need to pass the first argument as tuple as the input distributions +# are parametrized by mean and variance +gpnormal.fit((mean, stddev), ground_truth) + +# transform distributions to obtain recalibrated covariance matrices +cov = gpnormal.transform((mean, stddev)) # NumPy array with covariance - has shape (n, d, d) + +# note: if the input is already given by multivariate normal distributions +# (stddev is covariance and has shape (n, d, d)), the methods works similar +# and simply applies a covariance recalibration of the input +``` + +#### Measuring Miscalibration for Regression + +Measuring miscalibration is as simple as the training of the methods: + +```python +import numpy as np +from netcal.metrics import NLL, PinballLoss, QCE + +# define the quantile levels that are used to evaluate the pinball loss and the QCE +quantiles = np.linspace(0.1, 0.9, 9) + +# initialize NLL, Pinball, and QCE objects +nll = NLL() +pinball = PinballLoss() +qce = QCE(marginal=True) # if "marginal=False", we can also measure the QCE by means of the predicted variance levels (realized by binning the variance space) + +# measure miscalibration with the initialized metrics +# Note: the parameter "reduction" has a major influence to the return shape of the metrics +# see the method docstrings for detailed information +nll.measure((mean, stddev), ground_truth, reduction="mean") +pinball.measure((mean, stddev), ground_truth, q=quantiles, reduction="mean") +qce.measure((mean, stddev), ground_truth, q=quantiles, reduction="mean") +``` + +#### Visualizing Miscalibration for Regression + +Example visualization code block using the +*netcal.presentation.ReliabilityRegression* class: + +```python +from netcal.presentation import ReliabilityRegression + +# define the quantile levels that are used for the quantile evaluation +quantiles = np.linspace(0.1, 0.9, 9) + +# initialize the diagram object +diagram = ReliabilityRegression(quantiles=quantiles) + +# visualize miscalibration with the initialized object +diagram.plot((mean, stddev), ground_truth) + +# you can also use this method to create a tikz file with tikz code +# that can be directly used within LaTeX documents: +diagram.plot((mean, stddev), ground_truth, tikz=True, filename="diagram.tikz") +``` +
+ +## References + +[1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. + +[2] Kull, Meelis, Telmo Silva Filho, and Peter Flach: "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers." Artificial Intelligence and Statistics, PMLR 54:623-631, 2017. + +[3] Zadrozny, Bianca and Elkan, Charles: "Obtaining calibrated probability estimates from decision trees and naive bayesian classifiers." In ICML, pp. 609–616, 2001. + +[4] Zadrozny, Bianca and Elkan, Charles: "Transforming classifier scores into accurate multiclass probability estimates." In KDD, pp. 694–699, 2002. + +[5] Ryan J Tibshirani, Holger Hoefling, and Robert Tibshirani: "Nearly-isotonic regression." Technometrics, 53(1):54–61, 2011. + +[6] Naeini, Mahdi Pakdaman, and Gregory F. Cooper: "Binary classifier calibration using an ensemble of near isotonic regression models." 2016 IEEE 16th International Conference on Data Mining (ICDM). IEEE, 2016. + +[7] Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: "On Calibration of Modern Neural Networks." Proceedings of the 34th International Conference on Machine Learning, 2017. + +[8] Pereyra, G., Tucker, G., Chorowski, J., Kaiser, L. and Hinton, G.: “Regularizing neural networks by penalizing confident output distributions.” CoRR, 2017. + +[9] Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., Thirion, B., Grisel, O., Blondel, M., Prettenhofer, P., Weiss, R., Dubourg, V., Vanderplas, J., Passos, A., Cournapeau, D., Brucher, M., Perrot, M. and Duchesnay, E.: "Scikit-learn: Machine Learning in Python." In Journal of Machine Learning Research, volume 12 pp 2825-2830, 2011. + +[10] Platt, John: "Probabilistic outputs for support vector machines and comparisons to regularized likelihood methods." Advances in large margin classifiers, 10(3): 61–74, 1999. + +[11] Neumann, Lukas, Andrew Zisserman, and Andrea Vedaldi: "Relaxed Softmax: Efficient Confidence Auto-Calibration for Safe Pedestrian Detection." Conference on Neural Information Processing Systems (NIPS) Workshop MLITS, 2018. + +[12] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia, and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection"." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020 + +[13] Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: "Trainable calibration measures for neural networks from _kernel mean embeddings." International Conference on Machine Learning. 2018 + +[14] Jiayu Yao, Weiwei Pan, Soumya Ghosh, and Finale Doshi-Velez: "Quality of Uncertainty Quantification for Bayesian Neural Network Inference." Workshop on Uncertainty and Robustness in Deep Learning, ICML, 2019 + +[15] Liang, Gongbo, et al.: "Improved trainable calibration method for neural networks on medical imaging classification." arXiv preprint arXiv:2009.04057 (2020) + +[16] Fabian Küppers, Jonas Schneider, Jonas, and Anselm Haselhoff: "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." In: Proceedings of the European Conference on Computer Vision (ECCV) Workshops, Springer, October 2022 + +[17] Levi, Dan, et al.: "Evaluating and calibrating uncertainty prediction in regression tasks." arXiv preprint arXiv:1905.11659 (2019). + +[18] Laves, Max-Heinrich, et al.: "Well-calibrated regression uncertainty in medical imaging with deep learning." Medical Imaging with Deep Learning. PMLR, 2020. + +[19] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: "Accurate uncertainties for deep learning using calibrated regression." International Conference on Machine Learning. PMLR, 2018. + +[20] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: "Distribution calibration for regression." International Conference on Machine Learning. PMLR, 2019. diff --git a/README.rst b/README.rst deleted file mode 100644 index 2bb283c..0000000 --- a/README.rst +++ /dev/null @@ -1,362 +0,0 @@ -Calibration Framework -===================== -Calibration framework in Python 3 for Neural Networks. -For full API reference documentation, visit https://fabiankueppers.github.io/calibration-framework. - -Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -AND Elektronische Fahrwerksysteme GmbH, Gaimersheim, Germany - -This Source Code Form is subject to the terms of the Apache License 2.0. -If a copy of the APL2 was not distributed with this -file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. - -**Important: updated references!** If you use this framework (*classification or detection*) or parts of it for your research, please cite it by:: - - @InProceedings{Kueppers_2020_CVPR_Workshops, - author = {Küppers, Fabian and Kronenberger, Jan and Shantia, Amirhossein and Haselhoff, Anselm}, - title = {Multivariate Confidence Calibration for Object Detection}, - booktitle = {The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops}, - month = {June}, - year = {2020} - } - -*If you use Bayesian calibration methods with uncertainty, please cite it by*:: - - @InProceedings{Kueppers_2021_IV, - author = {Küppers, Fabian and Kronenberger, Jan and Schneider, Jonas and Haselhoff, Anselm}, - title = {Bayesian Confidence Calibration for Epistemic Uncertainty Modelling}, - booktitle = {Proceedings of the IEEE Intelligent Vehicles Symposium (IV)}, - month = {July}, - year = {2021}, - } - -.. contents:: Table of Contents - :depth: 2 - -Overview -=============== - -This framework is designed to calibrate the confidence estimates of classifiers like neural networks. Modern neural networks are likely to be overconfident with their predictions. However, reliable confidence estimates of such classifiers are crucial especially in safety-critical applications. - -For example: given 100 predictions with a confidence of 80% of each prediction, the observed accuracy should also match 80% (neither more nor less). This behaviour is achievable with several calibration methods. - -Update on version 1.2 ---------------------- -TL;DR: -- Bayesian confidence calibration: train and infer scaling methods using variational inference (VI) and MCMC sampling -- New metrics: MMCE [13]_ and PICP [14]_ (*netcal.metrics.MMCE* and *netcal.metrics.PICP*) -- New regularization methods: MMCE [13]_ and DCA [15]_ (*netcal.regularization.MMCEPenalty* and *netcal.regularization.DCAPenalty*) -- Updated examples -- Switched license from MPL2 to APL2 - -Now you can also use Bayesian methods to obtain uncertainty within a calibration mapping mainly in the *netcal.scaling* package. We adapted Markov-Chain Monte-Carlo sampling (MCMC) as well as Variational Inference (VI) on common calibration methods. -It is also easily possible to bring the scaling methods to CUDA in order to speed-up the computations. We further provide new metrics to evaluate confidence calibration (MMCE) and to evaluate the quality of prediction intervals (PICP). -Finally, we updated our framework by new regularization methods that can be used during model training (MMCE and DCA). - -Update on version 1.1 ---------------------- -This framework can also be used to calibrate object detection models. It has recently been shown that calibration on object detection also depends on the position and/or scale of a predicted object [12]_. We provide calibration methods to perform confidence calibration w.r.t. the additional box regression branch. -For this purpose, we extended the commonly used Histogram Binning [3]_, Logistic Calibration alias Platt scaling [10]_ and the Beta Calibration method [2]_ to also include the bounding box information into a calibration mapping. -Furthermore, we provide two new methods called the *Dependent Logistic Calibration* and the *Dependent Beta Calibration* that are not only able to perform a calibration mapping -w.r.t. additional bounding box information but also to model correlations and dependencies between all given quantities [12]_. Those methods should be preffered over their counterparts in object detection mode. - -The framework is structured as follows:: - - netcal - .binning # binning methods - .scaling # scaling methods - .regularization # regularization methods - .presentation # presentation methods - .metrics # metrics for measuring miscalibration - - examples # example code snippets - -Installation -=============== -The installation of the calibration suite is quite easy with setuptools. You can either install this framework using PIP:: - - pip3 install netcal - -Or simply invoke the following command to install the calibration suite:: - - python3 setup.py install - -Requirements ------------- -- numpy>=1.17 -- scipy>=1.3 -- matplotlib>=3.1 -- scikit-learn>=0.21 -- torch>=1.4 -- torchvision>=0.5.0 -- tqdm>=4.40 -- pyro-ppl>=1.3 -- tikzplotlib>=0.9.8 -- tensorboard>=2.2 - - -Calibration Metrics -====================== -The most common metric to determine miscalibration in the scope of classification is the *Expected Calibration Error* (ECE) [1]_. This metric divides the confidence space into several bins and measures the observed accuracy in each bin. The bin gaps between observed accuracy and bin confidence are summed up and weighted by the amount of samples in each bin. The *Maximum Calibration Error* (MCE) denotes the highest gap over all bins. The *Average Calibration Error* (ACE) [11]_ denotes the average miscalibration where each bin gets weighted equally. -For object detection, we implemented the *Detection Calibration Error* (D-ECE) [12]_ that is the natural extension of the ECE to object detection tasks. The miscalibration is determined w.r.t. the bounding box information provided (e.g. box location and/or scale). For this purpose, all available information gets binned in a multidimensional histogram. The accuracy is then calculated in each bin separately to determine the mean deviation between confidence and accuracy. - -- (Detection) Expected Calibration Error [1]_, [12]_ (*netcal.metrics.ECE*) -- (Detection) Maximum Calibration Error [1]_, [12]_ (*netcal.metrics.MCE*) -- (Detection) Average Calibration Error [11]_, [12]_ (*netcal.metrics.ACE*) -- Maximum Mean Calibration Error (MMCE) [13]_ (*netcal.metrics.MMCE*) (no position-dependency) -- Prediction interval coverage probability (PICP) (*netcal.metrics.PICP*) - this score is not a direct measure of confidence calibration but rather to measure the quality of uncertainty prediction intervals. - -Methods -======= -The post-hoc calibration methods are separated into binning and scaling methods. The binning methods divide the available information into several bins (like ECE or D-ECE) and perform calibration on each bin. The scaling methods scale the confidence estimates or logits directly to calibrated confidence estimates - on detection calibration, this is done w.r.t. the additional regression branch of a network. - -Important: if you use the detection mode, you need to specifiy the flag "detection=True" in the constructor of the according method (this is not necessary for *netcal.scaling.LogisticCalibrationDependent* and *netcal.scaling.BetaCalibrationDependent*). - -Most of the calibration methods are designed for binary classification tasks. For binning methods, multi-class calibration is performed in "one vs. all" by default. - -Some methods like "Isotonic Regression" utilize methods from the scikit-learn API [9]_. - -Another group are the regularization tools which are added to the loss during the training of a Neural Network. - -Binning -------- -Implemented binning methods are: - -- Histogram Binning for classification [3]_, [4]_ and object detection [12]_ (*netcal.binning.HistogramBinning*) -- Isotonic Regression [4]_, [5]_ (*netcal.binning.IsotonicRegression*) -- Bayesian Binning into Quantiles (BBQ) [1]_ (*netcal.binning.BBQ*) -- Ensemble of Near Isotonic Regression (ENIR) [6]_ (*netcal.binning.ENIR*) - -Scaling -------- -Implemented scaling methods are: - -- Logistic Calibration/Platt Scaling for classification [10]_, [12]_ and object detection [12]_ (*netcal.scaling.LogisticCalibration*) -- Dependent Logistic Calibration for object detection [12]_ (*netcal.scaling.LogisticCalibrationDependent*) - on detection, this method is able to capture correlations between all input quantities and should be preferred over Logistic Calibration for object detection -- Temperature Scaling for classification [7]_ and object detection [12]_ (*netcal.scaling.TemperatureScaling*) -- Beta Calibration for classification [2]_ and object detection [12]_ (*netcal.scaling.BetaCalibration*) -- Dependent Beta Calibration for object detection [12]_ (*netcal.scaling.BetaCalibrationDependent*) - on detection, this method is able to capture correlations between all input quantities and should be preferred over Beta Calibration for object detection - -**New on version 1.2:**: you can provide a parameter named "method" to the constructor of each scaling method. This parameter could be one of the following: -- 'mle': use the method feed-forward with maximum likelihood estimates on the calibration parameters (standard) -- 'momentum': use non-convex momentum optimization (e.g. default on dependent beta calibration) -- 'mcmc': use Markov-Chain Monte-Carlo sampling to obtain multiple parameter sets in order to quantify uncertainty in the calibration -- 'variational': use Variational Inference to obtain multiple parameter sets in order to quantify uncertainty in the calibration - -Regularization --------------- -With some effort, it is also possible to push the model training towards calibrated confidences by regularization. Implemented regularization methods are: - -- Confidence Penalty [8]_ (*netcal.regularization.confidence_penalty* and *netcal.regularization.ConfidencePenalty* - the latter one is a PyTorch implementation that might be used as a regularization term) -- Maximum Mean Calibration Error (MMCE) [13]_ (*netcal.regularization.MMCEPenalty* - PyTorch regularization module) -- DCA [15]_ (*netcal.regularization.DCAPenalty* - PyTorch regularization module) - -Visualization -============= -For visualization of miscalibration, one can use a Confidence Histograms & Reliability Diagrams. These diagrams are similar to ECE, the output space is divided into equally spaced bins. The calibration gap between bin accuracy and bin confidence is visualized as a histogram. - -On detection calibration, the miscalibration can be visualized either along one additional box information (e.g. the x-position of the predictions) or distributed over two additional box information in terms of a heatmap. - -- Reliability Diagram [1]_, [12]_ (*netcal.presentation.ReliabilityDiagram*) - -Examples -======== -The calibration methods work with the predicted confidence estimates of a neural network and on detection also with the bounding box regression branch. - -Classification --------------- -This is a basic example which uses softmax predictions of a classification task with 10 classes and the given NumPy arrays: - -.. code-block:: python - - ground_truth # this is a NumPy 1-D array with ground truth digits between 0-9 - shape: (n_samples,) - confidences # this is a NumPy 2-D array with confidence estimates between 0-1 - shape: (n_samples, n_classes) - -This is an example for *netcal.scaling.TemperatureScaling* but also works for every calibration method (remind different constructor parameters): - -.. code-block:: python - - import numpy as np - from netcal.scaling import TemperatureScaling - - temperature = TemperatureScaling() - temperature.fit(confidences, ground_truth) - calibrated = temperature.transform(confidences) - -The miscalibration can be determined with the ECE: - -.. code-block:: python - - from netcal.metrics import ECE - - n_bins = 10 - - ece = ECE(n_bins) - uncalibrated_score = ece.measure(confidences) - calibrated_score = ece.measure(calibrated) - -The miscalibration can be visualized with a Reliability Diagram: - -.. code-block:: python - - from netcal.presentation import ReliabilityDiagram - - n_bins = 10 - - diagram = ReliabilityDiagram(n_bins) - diagram.plot(confidences, ground_truth) # visualize miscalibration of uncalibrated - diagram.plot(calibrated, ground_truth) # visualize miscalibration of calibrated - -Detection ---------- -In this example we use confidence predictions of an object detection model with the according x-position of the predicted bounding boxes. Our ground-truth provided to the calibration algorithm denotes if a bounding box has matched a ground-truth box with a certain IoU and the correct class label. - -.. code-block:: python - - matched # binary NumPy 1-D array (0, 1) that indicates if a bounding box has matched a ground truth at a certain IoU with the right label - shape: (n_samples,) - confidences # NumPy 1-D array with confidence estimates between 0-1 - shape: (n_samples,) - relative_x_position # NumPy 1-D array with relative center-x position between 0-1 of each prediction - shape: (n_samples,) - -This is an example for *netcal.scaling.LogisticCalibration* and *netcal.scaling.LogisticCalibrationDependent* but also works for every calibration method (remind different constructor parameters): - -.. code-block:: python - - import numpy as np - from netcal.scaling import LogisticCalibration, LogisticCalibrationDependent - - input = np.stack((confidences, relative_x_position), axis=1) - - lr = LogisticCalibration(detection=True, use_cuda=False) # flag 'detection=True' is mandatory for this method - lr.fit(input, matched) - calibrated = lr.transform(input) - - lr_dependent = LogisticCalibrationDependent(use_cuda=False) # flag 'detection=True' is not necessary as this method is only defined for detection - lr_dependent.fit(input, matched) - calibrated = lr_dependent.transform(input) - -The miscalibration can be determined with the D-ECE: - -.. code-block:: python - - from netcal.metrics import ECE - - n_bins = [10, 10] - input_calibrated = np.stack((calibrated, relative_x_position), axis=1) - - ece = ECE(n_bins, detection=True) # flag 'detection=True' is mandatory for this method - uncalibrated_score = ece.measure(input, matched) - calibrated_score = ece.measure(input_calibrated, matched) - -The miscalibration can be visualized with a Reliability Diagram: - -.. code-block:: python - - from netcal.presentation import ReliabilityDiagram - - n_bins = [10, 10] - - diagram = ReliabilityDiagram(n_bins, detection=True) # flag 'detection=True' is mandatory for this method - diagram.plot(input, matched) # visualize miscalibration of uncalibrated - diagram.plot(input_calibrated, matched) # visualize miscalibration of calibrated - -Uncertainty in Calibration --------------------------- -We can also quantify the uncertainty in a calibration mapping if we use a Bayesian view on the calibration models. We can sample multiple parameter sets using MCMC sampling or VI. In this example, we reuse the data of the previous detection example. - -.. code-block:: python - - matched # binary NumPy 1-D array (0, 1) that indicates if a bounding box has matched a ground truth at a certain IoU with the right label - shape: (n_samples,) - confidences # NumPy 1-D array with confidence estimates between 0-1 - shape: (n_samples,) - relative_x_position # NumPy 1-D array with relative center-x position between 0-1 of each prediction - shape: (n_samples,) - -This is an example for *netcal.scaling.LogisticCalibration* and *netcal.scaling.LogisticCalibrationDependent* but also works for every calibration method (remind different constructor parameters): - -.. code-block:: python - - import numpy as np - from netcal.scaling import LogisticCalibration, LogisticCalibrationDependent - - input = np.stack((confidences, relative_x_position), axis=1) - - # flag 'detection=True' is mandatory for this method - # use Variational Inference with 2000 optimization steps for creating this calibration mapping - lr = LogisticCalibration(detection=True, method'variational', vi_epochs=2000, use_cuda=False) - lr.fit(input, matched) - - # 'num_samples=1000': sample 1000 parameter sets from VI - # thus, 'calibrated' has shape [1000, n_samples] - calibrated = lr.transform(input, num_samples=1000) - - # flag 'detection=True' is not necessary as this method is only defined for detection - # this time, use Markov-Chain Monte-Carlo sampling with 250 warm-up steps, 250 parameter samples and one chain - lr_dependent = LogisticCalibrationDependent(method='mcmc', - mcmc_warmup_steps=250, mcmc_steps=250, mcmc_chains=1, - use_cuda=False) - lr_dependent.fit(input, matched) - - # 'num_samples=1000': although we have only sampled 250 different parameter sets, - # we can randomly sample 1000 parameter sets from MCMC - calibrated = lr_dependent.transform(input) - -You can directly pass the output to the D-ECE and PICP instance to measure miscalibration and mask quality: - -.. code-block:: python - - from netcal.metrics import ECE - from netcal.metrics import PICP - - n_bins = 10 - ece = ECE(n_bins, detection=True) - picp = PICP(n_bins, detection=True) - - # the following function calls are equivalent: - miscalibration = ece.measure(calibrated, matched, uncertainty="mean") - miscalibration = ece.measure(np.mean(calibrated, axis=0), matched) - - # now determine uncertainty quality - uncertainty = picp.measure(calibrated, matched, uncertainty="mean") - - print("D-ECE:", miscalibration) - print("PICP:", uncertainty.picp) # prediction coverage probability - print("MPIW:", uncertainty.mpiw) # mean prediction interval width - -If we want to measure miscalibration and uncertainty quality by means of the relative x position, we need to broadcast the according information: - -.. code-block:: python - - # broadcast and stack x information to calibrated information - broadcasted = np.broadcast_to(relative_x_position, calibrated.shape) - calibrated = np.stack((calibrated, broadcasted), axis=2) - - n_bins = [10, 10] - ece = ECE(n_bins, detection=True) - picp = PICP(n_bins, detection=True) - - # the following function calls are equivalent: - miscalibration = ece.measure(calibrated, matched, uncertainty="mean") - miscalibration = ece.measure(np.mean(calibrated, axis=0), matched) - - # now determine uncertainty quality - uncertainty = picp.measure(calibrated, matched, uncertainty="mean") - - print("D-ECE:", miscalibration) - print("PICP:", uncertainty.picp) # prediction coverage probability - print("MPIW:", uncertainty.mpiw) # mean prediction interval width - -References -========== -.. [1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. -.. [2] Kull, Meelis, Telmo Silva Filho, and Peter Flach: "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers." Artificial Intelligence and Statistics, PMLR 54:623-631, 2017. -.. [3] Zadrozny, Bianca and Elkan, Charles: "Obtaining calibrated probability estimates from decision trees and naive bayesian classifiers." In ICML, pp. 609–616, 2001. -.. [4] Zadrozny, Bianca and Elkan, Charles: "Transforming classifier scores into accurate multiclass probability estimates." In KDD, pp. 694–699, 2002. -.. [5] Ryan J Tibshirani, Holger Hoefling, and Robert Tibshirani: "Nearly-isotonic regression." Technometrics, 53(1):54–61, 2011. -.. [6] Naeini, Mahdi Pakdaman, and Gregory F. Cooper: "Binary classifier calibration using an ensemble of near isotonic regression models." 2016 IEEE 16th International Conference on Data Mining (ICDM). IEEE, 2016. -.. [7] Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: "On Calibration of Modern Neural Networks." Proceedings of the 34th International Conference on Machine Learning, 2017. -.. [8] Pereyra, G., Tucker, G., Chorowski, J., Kaiser, L. and Hinton, G.: “Regularizing neural networks by penalizing confident output distributions.” CoRR, 2017. -.. [9] Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., Thirion, B., Grisel, O., Blondel, M., Prettenhofer, P., Weiss, R., Dubourg, V., Vanderplas, J., Passos, A., Cournapeau, D., Brucher, M., Perrot, M. and Duchesnay, E.: "Scikit-learn: Machine Learning in Python." In Journal of Machine Learning Research, volume 12 pp 2825-2830, 2011. -.. [10] Platt, John: "Probabilistic outputs for support vector machines and comparisons to regularized likelihood methods." Advances in large margin classifiers, 10(3): 61–74, 1999. -.. [11] Neumann, Lukas, Andrew Zisserman, and Andrea Vedaldi: "Relaxed Softmax: Efficient Confidence Auto-Calibration for Safe Pedestrian Detection." Conference on Neural Information Processing Systems (NIPS) Workshop MLITS, 2018. -.. [12] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection"." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020 -.. [13] Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: "Trainable calibration measures for neural networks from _kernel mean embeddings." International Conference on Machine Learning. 2018 -.. [14] Jiayu Yao, Weiwei Pan, Soumya Ghosh, and Finale Doshi-Velez: "Quality of Uncertainty Quantification for Bayesian Neural Network Inference." Workshop on Uncertainty and Robustness in Deep Learning, ICML, 2019 -.. [15] Liang, Gongbo, et al.: "Improved trainable calibration method for neural networks on medical imaging classification." arXiv preprint arXiv:2009.04057 (2020) diff --git a/img/logo/logo_long.png b/img/logo/logo_long.png new file mode 100644 index 0000000000000000000000000000000000000000..f83e4cda8bcc852c29c258405a2d7adc85a4ff20 GIT binary patch literal 81155 zcmYJa1yEaS_dOgSXrX8!xE3k2xVuAfTD(|sch}-j+={!E0>Ry(xLYXhE=7X{zTE$N z@9*1_oMbYYNuG1|v-jF-trMxLEQ^Iff&l;ku;k^W)Bym*L-_kUG!*zzZQ7Fz{(|l( zr{e+uQ1t%uM6jQ76M=t7>?*D8`pLoE)x+4?4B+A6@xjX8#>K?g(d>hRvqk2a5D5T4 z1(25#|LmD{;^)D8X)tV^PTWo1LAN zk$%83nqDoJewsmkYy&48b0m+NJ!(J}#Uyz4JBbAw+A36YKK<6^h*PgGzp zko?4nH`BlZAacq!s51ei)KjI(093IB)SLup$hfN|4V?{T<&-w#O&C)zf!B6MzFmaV z9^bDQ&M#tkHBsG>5&sSUXYn4nE}MdYOMWP!lP^iVi127F=azQPXUL6{ml|b(&iCO< zCj#T~Ua|$2F_ZCLp#nLh&h>B{M0LEqeUykIAmFn`Xo}kFVy-meP9=m z0rF)nRn6H(KHNjPSog=JG>rYL$~9*IC-;gx!J1gh)51Vn`9bUu7N?4mS!oMM! zizf4sjk#1!eYBb(1PbBYpRq0c3X5oGga86@LLSMy_>@I9`LaCMO&n(~2Df(bV|y;3 z{D`k!UB#>GBDEpXB32}vMmt}5JqQ;D;e>F>vkiGOj^d5>A!aBM(;%3m;EG}LDF{c= z6v-ooViZnK)&It%LA2R;6m7v;f0%$?RG#}%u0NeY|Hhm@@peKB_3~0s0R3vNsKKIO zYgnA_EY^09iUX!=df>m2O$$2oKtw6E6(C9EVI8|+9r=D#W2SL~U}Qfvhy=-r;8YgI z#n$!UAXE`RfEg_OR4AfG&W9XRk8&iNMP7Jf7Ne)yymmf2Pd5^?#0ix9cwI-)9i5`~ zZD~gT>EVnV_gh4~8F3oHz&39Eg5597K(kK^)U3?DSAy$2^Ax zI*dwE_z?Oimk2DJM%ym1#`2l0w?A&V1<)gZ4HT2x2Dt`{FA2nORfjzON_xk=)0DMfd@?dE=zcait^9 z8j(Hy9f$*sI?}|1iqm+x@ia_iOK3Kb+gp!~6KI7)Z2dhM@9OG`3J>&pka4v3CpMzC z;1W8?yXbGu(qe#z4v|Eb-(A)KdF>S2@Vu+T# z6KA=8_pS(i)-YbaJ)PodPC_4$gC27jDOyN+AYk(P85<+?NAIS*`CQKPd&sj19nr|O zjLnqP1*H}T(FKO7Mpwf@MgxvsYeAu+QUd(U+vARWTgxS#vp;mzZuNt@?Ufn-p%WQx z6pdx2T5>2ccA(7A>i*`k7YC;t4iFuU12v|#N)3Wx_&fsnJN*kh=w^7wQEx6s-C3sH z<>flt5J1#?{9jv$gSUlud03c#l zG}MO1VsJptX(PYdE_aek+Z|91h!Hj_bu$&mPYc){y`p9VVa5-zUkVL63h|)$n-r#6Ftt#8X}cQ2LMT{ zxfYSOC6ugAN|`^Yr@51BpfvVl+ut)iUnW5|X|)U|x1Gcjl6imWc9}5}K1VhAH%t9n z(YhzmgAzm#bh|`ySg`{%Nd~*vN3Qy?1x>MX{5M;g?}F-T_VT<;6kX<$dB5fUx~L?k zBI1h-(^{MK23>oDVg?r*Yi;kgf$_2C^~Q*@`hI|+TFk3pgnG?pzef%(o8#ovg}0*Y zrNou=3Ef6h!80VIng$7xV!FyHZ-S;r)zPTgNMiDmIfUG$IPdo)&Z#_1CLtTj0=NnzX2*AU9|5FefMVxvRuipv&0n4tmcB_I`@buU; z<1`NLr4Vlyf#pCEq(i?>6OtW)gN|-4qX99pC`#(;-1Dn^=lej}6#@;obGYm3gi1!y z+!yK|@O>qB$AN8$Xi#LJ~q=fFzB)5;^1;kFq*+R9b&3QNdVwZ zo&P?7K9(JmjE;^10OP>CUpTXklK9C)p?n;3#Ki=uKYsKm&I-8zfT4V;Lqa33g7X@x z?HbBC#z-X4q|~D6A`|wJlgk+fwkC(SCz1kj3O3gtbFSxKOGpJSbkFCuA)G&N$liAa z{Kbz7dCK|f_WN&1u*lHU<}jw>|5bOdmBN_o=dHc)57%|j_t=A_GXKogaqJHAsyme z#ua1vDQ{oj-fp`CqOLrOBAm=(?@!431!f zqj}8{dg2VA$1)PjWHzoeE=n*0z{txB`Qx&Y_O#qUV4fZQG{`DLf+=*<5*ViK_6#rW zqa1VPGC4%q_mieq&A^Xr97$s`L25R3rDNF~{^aKNt*E5J-Z;jOBOGg27L@)j>ybcqIJ1PUxPIr=%+Tn)x#R^Vvpx@mT z*p_8Sg%{Ey9>y4}W)o_++=L{dNJoxHU#YY=PluZA^^+=slvWSz+wQK}PG|-r@Aq)K zGjt9!)ZlOIVaFKDKV*M_4rjNi7y+&5mnYCiZ5?77R%_CoKi-!y;$ZlKYgv#0nBgXj z!mB*E;x;m5vU0NoW6?sac?}sET7^ua?2yIh0=3i>eFbX+{oW$-%9vz3v0v&WFR(t! zZS1NCwyOL6fNwaizrMCx*54d;8JOk&HwV7v^FNEZ4o%`E%NS#Aw-B1h_3h6`-F9R3 zCY<1RftByBdZz(oWJq3(jZY#0SKOB;ZPPt9biX?ssEpt@?%JSntlvDs!t87P9;>(A zcx6hvKeI8~pyiXq-8?-B6(uh=`UxJj@=Q3>+l0m+mVlx3VnyPZ<3wgYWbGWCZj(E$%%zZu5ajrz@c=bfvH2gX|xJ8uzn$iefiwXh^O_aQ^F}QW5Fv}>S%an(I_{3a7B7~cffJq!0qXB z4_)R%2Jxq8EJz7!`We&)OMRdH4ElI*POVFkM{DC9rRY_jVsWZVPR6bXhH> zq0(fQYMkWNuf0MXL?^Ps^<(jQZp|=B#swvPEU{kC(zoc>b(ok&X>n>0H;;CfZcH?$ z_b?^>>kCg0nykxfQA#D4ePcFFao7P-w? z?|qn6Zp2_%lV*dK`NR!jWNAwiR5lC`4AT$I{LQu#<{-Ekuu(E-tHSORwkjjSw0pEV z1j+oCqL#;7eh&E>WdorU)P0CvAkol3Ff!Ev|8z(;l@jD}cuwNVYOTtzN0(7bD&h=_ z9m`jT_eJ%O{c1u=qBX~ZV^bB~Mri!}KO*n7Cq>%~v4-ZTn;Jh|StwX~v{TsMM$_Lm z)bUn{a4HM#divh!Yt8Kb5J5+Djg>2?3~o?RS)8tW^WQbK*xVmTQXX^|dM)hv3`Z=U ze-gsUCAwfoL`JZ~;|-Rj^sB65mxCsGOz{D}+|112WW4PQP~n9u$7ptC;p5uW=PzvZ zBw+9>0Qu{1P>hU0$Di7$IaOg@l{=%VIL4^zS|KU5&uj=kW+!YodCh78IwlkVI6Urx zNNPY98{2I^YXI2Ng-QZz+-CV?GR(>v1{}FgtkYda^F6+mjM>uB`|W0uQ^lH~QLAcb zxQH#ixyy0wCNnTUtl)*FiAxwA^LE8R+ILqU9z|QF*)DQp)H))X47zF+vQhrUWhbal zUp!~_As^mTcn|e1s2Q~Tj+#&^QwE$nY*ClyV(>+F)88ewg6YhC_YdCo{(J*3?zJq` zKsYlo>9f+=N;MwYm}S#(pEJZ1mp01y6DO)5WI?8B#cOt1Ly}@#~x(rJBXHRc4L63N%Q~=O%<{eR6259od;ronB&0BM4QqI`lq<@z5_@ zFB_RNYUnk9ww2-v%6w!FtMZ_Y#lRG^$kr-c>4cxy+A1ykG5hYqx;Y|36CLaif6CkA zw;z%M*tTT8nMGwzRF=nlveEH--{!MNV7x+6(fDF6gx~IF$s&AYeAiF;+^FsIvQ1>n>)j9ajU8K`@hK>_N}cr;s2G<*E;+ME?zoMmwzloKmpLs^&Tdu;Om5B@)&2a zU?5VFg~6?$!Hth~N29I{fi!}-Od?&X!WmZ7l0V3LUW9?Qkt2MJ#7rlz{9S(ySMnRk zpz;z`4^_{UEu!4$%m`D7j>+ic!*5f81XY_d{DwJ-F7sc)Re23z$<8#3^Td67&K%Ko zh+kvGMLQ_$Cs*3rJC-(|7?yP^bM&r;p=Sb@e|emeMh2-duaKG;T zQfikRhYg>%=Y67n3W$k>Wg1}#r3OSpPXsxIxF@(Ahtok@zx0nZJ`hgNr4k-zLpx3gX7z{Qb=_}`2EKfV6Kx>Y4l7=(_FSW0HEE#>$nGG&M%G+g>wy*iDmYips zSmW64(?GkVc@WO}j7>+&x@>`92n!c(dGAwUr_+%3H=_9eCOIx_pNFUsSm1!tkO1%bG%5yEvr8p$i7)_a$ zH->@II=Z8i+qRiY*^O;5MU*;3Bkk8hsszaJKAvhebcHvjs4SWF#pqpSr`rTAu$7Iob8O=us zC&eY#48yB<*V}n1oL%$+bw1fhwTVsZh$1$08Gyi@k1G>k+>ZPO)$@riEE=~yq3z_P zzX=}CslJ7vhzhjkSRtDWJGF0Jax2qs$=pTMd@_|yN$e8 zowi*rR!79KNlL0qL)fVr$awVlObAA&(ZYN7AAN|(A|pFt7us)KtTp5?!R__!m!PqR zi+D*SRVBwFBDCQT+A~fADe6O4h`_wuxABN;LgQm4?H4&A`RXJZI>f(!u!K?t8tq$k ztbagHY?O~LN?rk4@jN-;i;axM8;psyb#2(ImfGLW^Yt@8V@vnWZ!57#vRODEoqe`P zTHU|A__y?7>j#TIt}^%Q9IK!PLa+&ctjQij1_iy{k^V(Ww*($mwAl;bIBc)Kp_Htb zTW$(*{)}rcsfNFMZ1$!}8Yz{sz6lB&2%qP)n<0-wEV(N0u#C-7l#1z`oO~-gy3?yFjjb>Mj zu~_LvZcWvgr+Z^PffRxs+qm7L5T~G0R*vCjmTWM?W#`SyfPZ!TZPfi;u@r&y+}Ls^ zbDi}8k3P8Nc5f0u@bo}`#n|5R@VGXyeo88+L3C6;)@=yZfaYepXW_-zg#W2uJ}>p$ zCpA!xTfburyvTaKi|;Dg<~8-Xbw&LbWK_hq!D-QdaFnL(%c|!Wq30O}`vE<}N4UZg zJs?*P4nyh9&YR$itt876-{!vk!`PUkz<;hjm2|a65+r}sp`eBBSeW-Uh*K%BbeaqL zXnEWimb)pCiSF$2!E%>EU)5Y6g0o-*NUB9ur6l^fLc%-GFQ;X*9I70T^oXrIQh;APa z*QbdUkp5jb@I-RuZH%k#OY?INRJWOj^}Euf{|K_@%~j6XPw$AIT9tZHsGM;66OBoX zyg2UAdlp*Cy725Xn{!2hkDEw$lWgjH6R%^Z5*x6ULo}ufX}Bq|DY9B(w?{Babw*dR zW#BBVvi_`rOdU-FA2sPUGKTn;bZgvKKhzy7$`nA-sKv((S&OXmfY66F-KL=10-o9LwOt3eV5<|-Oh=9qRy_<=4m-i!(GLo~Sq3Y^5n-nY^k zIcUlR%AXpG*VzkQg!S1Ya&PlB+N@V0agwygf;(sA)RimMe9)=2R!LukuPWU1?F>B{ zUrr71#|Vh8 zG6=7D0kmggIex%^UK>I66D1!}96^<8fr>4y*^Nc7u&d%-vW68lU4lG?6i^iy2B4Lw z4Ae!yi)ML)qiXaSFdsNIwe&@4EKn!R-AzFEk?iL;K5iImqI529cHH|n{+@*t+op3o+ll6d;lUPfs6l4!A+ z_-ZngvsRCG1jWc3K3$j{e$dUYiZRaWzj(*tCse4P;}yVRCY-ks&0R?>t;VIpt8_^{ z2z4LWHSHkwQ@k<5{9LKj{k76Mxi~-Z+FSS>FkL0$S(7@7(!FPBhD)|8w(<{tUa z3(z4to`BjqM)X2oc)v>}uUKuXMLuw?2YCaEri;Z|9hx?7R*+3pZ)|^tjGMs843tK+8SoUcuOFKIM+pg> z8u$MDd3kk`u1w8GzDOz&)R5ZFSn_MSLNKIthS4n4K!s*heXcxc&pnO{=_Ard1gk`< zSemkr9`!@yyV4)gsf%I7#xmhjni8|+N7~3lkkprB@j?&fl6HPSfHI=w+4d@9?Gc1SjD>qKPIx=<8Hq)U|!0)eNFF0<^nL;cr zk>K@;wF$A9fc!bc3|oLh_k#8FLdbDGi^4&e?8K~lVVAOd73QyO0|J@EnjiV)DIO6z z<1zLbcoKP4HggS0riyH2Z*ZiPpt{6NV|-EZbm$*7c-LII$q0^G8xbn-B#6nq**sqJ z7>U_%WjWGVVL1heYA(xO8dUOj$#Y_ib`93oDD!yXBGDu+$SVUqaPki=iulPEAK^3= zv6rg5Xl* zwekYbAEdz$N*}kf8uXadW_dS}! zxCAN(zVBwqPZq00zLdykWbT&_p^L1PZ7xPoGDqfiF}AGC`)pU2k8xewZ;ISNVO@Ky z&K$N7O{Yv18ffIok=d-k-@%RXE@xdK7kD-U=PU%B5Ba7?8>mSzKp&>0c z-A%c$eTTt!>{5u6zL&`GMKU0Tyn1M&KhJ?(|No!|$-Ia)t8@3>OsC8CPz}3}ImZRP z)oQ)xSFuyBUso|J8^}yUBA6OoZoAnI!qE&P_?rYdd0aWnWs#P)!73(hm`Q!5a&Yqm zOkNEfn*TJ{X8U7gLagbkCQP8u^XIQx2|DCj76cb8am>t?+2o^Z6D*~%eiI4$Vd#yU$H?Nmt0^akWXyUpewam|g8}o@jBGUp=5RiF zbPO@L#Pq%kCgkSq^0Hr@nZ^CDL40qXjk)e=jlqsCdb;a~6@PoT^$R()Ne+9R__Z=jD@*v^AED z3lpQK1Astu4UIw;8yp0fKMGS>e(_yi>N=K1g_cH4`8!-`ybgm&JvO9bf~a0#>VVUn znx@)EaVBIYGnYIkE>e^FCL0CQ`pImG@ttShBfjy?-U$e)$}j(IN^O?PK?ksx$dkxQ zAKNy+t=1dm~Y8snL|e z`c)>lrw5fBn3S_x;+m^C8LI=H^XK`wB)FH)iE`X(f8CfLN^brLSUlOTY zGSaewDMS9ilx>WJCi0UdGJYT2)Y6k$LR6vr*LJHytf~H)KafSbs$Gm9#2cG+nvxB z-lss}ZSd(k$1x0w?9U>HB>HwfAFYy8@=f77w459tYn@$E=~9m8IVz3vyC7F2OyUaS z296PWDX}idw*9R_ck9mkK_8AlCyr)U5}D!nyhY0#&bq4-J?y&*z_2^TDwQ0*+^>dS zOCbq;W;&}Nu1ImCdP%6i7a)Tt&G;wl8-Pse?+6+OFU#+>>~ov9R8b@<9iw6-(rPYj zdCIEbKLJ-{%^Pa$HQ3J-uED&k+#OW~v&wCQNeE^Bs^ByyCE$Vkf^OiDuwh8yYf;Q| zuWhiDdPH#KVWI02im2m%#H$g8M@E7_*e=*3`fAG<>T!{B6HaDPS8Nnk z|CXU<3jnDQwGqj_;e2b5GMJyjlmqCHeama7k}Wk}ES9LBFoK%TSkhY(8lhRTQGpaO zqCmR%m$itT@%^~J)d625F|Zu5B#;Z1wz*ZV=cCuXPcw7us%fnl)yrJXI0N6&$=e># zEAht_uC{y65jFndM-I-<)6Orq*^x%aiN66BL?F!J6j2X7AtD&Fc;K0zQCVS2hPC2J zBkCBEc*oK+{_e+|O9|2>aaz&nbh?QcdOBi53Tw09qXmld=qQ##>>Kj5wAR%kzrezp zCWNMAKQ&z(BS`h1)-BGYk`TY_bqsHftXP^NQf0YcqTk*85Yhu&$FEU67pCLC{#OgD zZvGT~{k&9c$QX6>8_olOKKN{TQGhcMzUHJHWedve6>SdxS_%F+N-~DgP_Fii1Q1^m znR2aHS;aZBWYl9{et))Dkw;6wnapEgZznvcp&_nK?o4B1>n_KytP}F&)!G;Ko` z=OoH&D`@9x07{-!?PRQg%6{9h#e%Q@KTfHF@qIRSeF5#2r*?8%?f)5Ex`oLeSLJdI z+v-8G)45r`y)}0o%mygb#?j3(`jSZsk8AIKY4Z!tjPK8b&!Cvdjpg)i`uQx(I8$^G zcJa{GS%~#%21wcF`aX&>2*HXALX4=0sJwyeDCDpTDpoT8h`MY*%Y3kR+;g>2up3uD zkKjV(c%89OorAz(aCMgTUOGgn?IXKPANxqHRHD?7?Skg)x@+5qi?~m-Oi_q%`>Lok zfqb(hDrbIqR+DfB#|(LH=dTEpg+8({0xrm2i&MD}=k0oBp_byb`DQ!J;3hXqc1M%k(7d^qmDAfhLs>nHOdWQg9(qA{{+!0M`C2@Xn*}>PKc5;@cD&?0i;s!ox8gL|7;BM5 z7CO*4UF^_IU7urVlG+q0xtccqgi&OL!Sr^9OEQOOHXL#A+@cW-u(6R^J{JcfhYC&N z4x?FR!0CkY^2VI&s{DzG)~4{ZS{B^jc=B0!kWskTVP?)aOev5qp@iwERYo5Y^VvM3 zB%)vl<{u>H@O~7EiNYH5 za|JQmUo68cp&#p^!%l~*e8aya<&r?>zJ1Jv3{NvQM=6^Jtk{CP7uZjS5YZN)8vqcv zA}uC0r{{6TZse3~lwm>jHg8HI?&pAq%sSsO!x$JM=y2E_1ZUmqQY6o4X+`9i$mr0J zf*2ci5=^}YM;Zk?`_{XRee(vr^4PoVuLS7*KX6jK+Rz3d0h$o*ROlZbYj&{zYE=NLe>AwBkA8?*7NG>Vgy>U2V7AD8suVCgH+cXJHeq5}eJ>lGRQlxhNTdgQ%0LLoC%x z?olCT6Jyni>0tl^>kCR@Qd^r^VRsmyRDMfIVYe=>^ix(<8`Ndpi0Hj59)dbRNl@F2)2Lf0Ep zaY6j^w`^koY<7Jy`{IPPf*%&-GhgnHh@XqRfnbz{V&o1`{7xBs0hVh1mR<$tM{l}L zPx%h|-&?W%q-;8Zb{8UeUr=!Q;Rl0P)DYxdmoFD=o{hCg3gKiX%>U8{kP}Y+GUERV zSJ=hucwXy#KpTp2#bD1L{iz|8dm^a2uZIs^tToA+zuORbI!1Ae(_{j?TL}TL5O1&I zS~~Tu01j!nuS|fB^hgXyd|&t9)L1oNAAplv(B(}TKuL1C>d zY0N&r*<8JvJL^-CPEc(b8(D0(qk$R24H{bmdRla8ZhSu;tn>cm-jPp2V}4v$Ms3a$ zHn`3H?pJ3LoxDkV++d3ZD05m?Erd_L+bDX_%%is0N&2VX(=N3mwD{5_t^@~)rXAn%CB z3dP^|D26F?^DmvSb#Rx7%91vpS6}|SkN&N^+lwYRoqQ|atN%^=rbeYv9a73xMbAdB8nu#G#4qfk#}U!DFZ&TfaWa^l#^C z`$ri|pgvA>ZLYsl^hT*d?^J!Tk@6 zAWczX0|K1raHM!esv_D*wM?4MrvZ1=?4Sg zlw)Ay^_!&F91_|jhJipGMFLASOS~zmDWK)ozG%w>X2gtdP6qHgz{fMdWQ55-U@E%$ zUB~MRl}w`-vb!ha7M91YstIS3X_ZW*)VrshHI09Qzw&297Yvx_>*@@EIt(x>k9gvp zNB-I(sb)82Mob->#V2MoxDJ?9&n0fNIeza<0^7HBZdkmt?mh^o3l!|T)k@&D5!!j~C zF5dQE-}kf@AEO-eh&WQ#w@AXNj_H-9@kvm{sy`=ZKt?3%A6XOuz}UA7OuUD%f4;g$ z$eUXew}jRF%D4-3IGpulR5{nN_LO1RD}E)+s3C5H+&zUs!=$$bXxostS*brCR)M^3 zhGNpYSXnYwcI)QffP9wbF)evyjO;oZ)j!h7&!`HWFm9l}Q7#UJiY~LK?O7b=q}`&~ zEhq)XoBfdrSX-fgsQnh}{#>WotdQhHta&Abife3a{Q85-A^bLkcf9C`QUi+ffiwftFpU}p^txOqm6fLp%AcUw4i8-3OF_;g|A#PF4ZdD$Wr9{OD{=`E*z9F2yOsD&Oees9MVYc_0AL=oWp;AZ}jnNS# z$1lP~eCy@)f}KD9dxLgJc#F;ftG&Q451UI3`e%HU+k9p3M?G%kXg8qgmq%31MCoKVBg;k-GcnNBjj{>X z$>g~0#QDHD^QB_gz>?{`uAcq{i4m33?1wk`yY1Q&QCEb54(<12E9$f)@8t38tj|D` z)nVqVph@LF{lpbYhVH@wweN5J3QsuX8=ST;HwZK_OWWXZ=mFNrA8`_7ysB;k5EElA zyj3T78`XQz34IJ65OW{l{ME3FsGBkq#*=z54 zEOOU9=BJMrYe>GbzD;W9wvYB{oXq!&4XM_#%KWqV{vucYF`DbN&`Sgp+`&D;fXyAN zzP)bfv3243r_Ns-XWHbkbnS0Yw!NlU_gWA&oVcq&oraIE0jDKU_U&DIPL4r1Cf$v_El8Hohs3K-T$i+Y1D4LokR!(Pqp40fjqCg+ zyeFd%I-7ROm>2{m^KAy11{51OukQcm4wGL^!)^lhl32Ut8OZb!^O~+F7oBr8n2~`e zw9&t=r`9TmH2^ssU5{Tkrjgd3_xx7v1Dp;k$C@#^{cq+b#iSIw1e@%y&ew)vXOuYE zor7+~9nYS=mus($tDEn=#;%zFsONTiK7nOIeZd zF!-D7A-ryGBrC~MMm!_kzP~+`q?*BXU%+uz|~ur}65wjf|S6rc*H7K`bCM=j!drzTH8N#2L-f z=*2yVw4P_rzk}J!H<_OtgtK!Pr(#&QcW%jS9?i9xeL9wcncY8S5CV9BVM+j2fy&jQ z1Y>Mef=!BTZg&1yj=oR>R%G6}#K!S~w6OHL1u-2>#wZLrILY0KRTfg*0ZRY)BQiMx z?ttr4I`9Src*b8L9)HQiIudXr@InF_k75nrwld};j^1vb6R~L5rJaE+w~m; zUL!g^Wdc1#J+~@32*#T%66JMpMMv&_j_x}%s&+r*H}XGMo+r3vJ(Fb-5!7zGFB7&4 zR9;EE<%iYBg!4`Dy-5_2{zovq7DK#!{WvB^S)nHYE-(L{>$~>HbE7p0;k3OI1BZnB z$Ivl*JsZkLR^4Xr)Ok2-RxD>U)rB!-WT-%+T5v79z5{`X8&p(dpJve zTqT{xQBB<5O;^0A=jK<)8TunPG7_Nh9;^hW>k15cgY*9 z;WZj)>?mioj623&c%O~>O|&23Qb1+n84!@X0A9B{BEnT;t$evtF48~6m^g5{3`h0G zLGTIpyCe#R3!FtxPXVt*cMLo)%!mq^U6f+R^fic88eidX{X8Kz^yHYD)H?rbXy=&c zFy*ep#yPgK@ZHL_kyt$n-QgkH-!`xuU2`6O7Z;`n2g+mgG`IW~x$y51ggq~GY9LB* zXDQiM<2TLpm)KxzKen-N;!H8qmbTGHEYgYnO6cIf%F|@I^?w8`xo@f%U96btm_+2haZVGXh42NOc{UOSz# zjhp3l)ArzUIM*p2U!CR1UY9-WQ`g=;@s}dbWycEv53!>HQe0FG9XLx`<}7}5>4aXK z#URos!?|ci>1NFu3qHeiD&>E@*ifHLbj2*U{3FTCw9NcePP>>)FYM%M*I;>nIQ4X8 zTe)pDxQKJY?}kXFwq`nR{r=&hEB?BcpzFSzh#nAI<_3HCDT9c3c81eFXs~}W=c0mm zh01mVengNR*?_L=YjE>zbs-x=6D9a?s@Cygo(0UI1lJ6Jg%h=|M_j4vsFqK>IgP(| z{}JUGg99uAVy(d4o(ih3+aAAyd8-1JX4rujN8v(7aQt{T7Oy7$rVX+O9k2R7=%HMTtJS1}sDo_g=bZ>Rq%z_+j`^ z^fxMTMVxqZ77{AK50a;1qcvnnJzJdsm0& zv!i%W*|F)&Mp47yb`I=k>32A{-qalcBUZ!ZZ)!0u+|6`Mp)Vh^K1yLzmBawsUw8k2 z7T5v!8a$4OD7t>w0m-ONZiYouF3y>Y6Cpz9hk@LQ-v)#nM)*;`>ZGbV1!>Df6riaQ z6uzsk?6Lf;qbu``8}Rwk?hz#SWUFG2t+<&v5*Emm2Or3@pBJkexS3S*V)-)V|e?=NPYe+ zd{rUf_Y=%ryvW}O{Hcw7UZbgM*^JQi2wm~)51pnU+Wo*IxczVKU9Q6uwg%*goGtwp zzC$p5f1u?~kr>iYcPeeD|9=1_LE63psQ?a!)~7Sk1^}C|cg~$72a8`?1n{4`Q_22h zf9_uN3jjX?;S+Rc|T@t^K)Zwy>Ny6Kv;_h6t?7@_#(KGFvRyvqrGi151M9%Q;a_U&QfcWnLd{1lK8iP`nd^9sXni&_--pL=HH@CR?jFqide`QC7=$JEm{e^|+ z?C$?h9T@oYnCPY3wqE_SRf>EDz?%nam!1H^pI{G_jELwm03Y9@K?WR9?3Iz;KW*tu z(s<$}7i`4+kG0Bi?C25h-z1ML4yzVYD?~{Gp*6BNMqT6p8Crvev9OJoT6nx|AMFvq zD9C6KY6utDhqgawIBCrgf}k{mNT4Vy$S6WACDJ6uI9G(CN0#+4 z=x5lreZ{QD4gwpe`y#tGCUCQ?HAG%wZjhm$C8V@MU7I6@AklcceVBs{BhO0^31nG} zEYlc`GysXRR3K3xOA};if~u+jju1x@NhFb5`9=53NEAg7k^rU5mUQML%^^xi8|`d;o103 z0M`;-{QAMVJ1%9=?}2g99`r-Z`ndpJvZF%%g@sK3AG!za15EE8-F)>fC6OB5e9b5N z>y|bV@Hy<6ru}AG|F}Ni_&1|Hs2gwqvBw?}qANufC4aOqH^B3r_C#1obZ7#YyktN2 z)ydnjCX{szrH$J=i6RIhn~@aO26nnC)2Z4ud6)gn#9+bD#9#qvVsAWT80`coFqjCn z(#UN>9e~lxdY+-@yYNll-E{97n#j9g`z3Fb_9AMU(F`j{LMVz7RaHYsiNT<6yuCAc z%)7P^)ASYBkLi;z9vhFfj3nmf=AgNrc?4KZk)+*Afm&&(TBEEgltlp&%?@_s5wtGxzQ-d+#nLf%|+uH@kc9oHA!-H_v(Jd7l@iVT3k}+ArNOj36hW zbmgOjQ3)lRA9x>?CXniOeh_&t?@zx+u~+2mQr=hPjb#)?FJGfD`7}1>XOBOUMz*&V zndq`++y+``VNf7EWO&8t{XN~+)*$F1@=F%Jm`ScW5Gumg?3fKDStfI%KRSepjcX)h zUjLHrAJ-u0A^Mjtyu-1JvzhsxCdb=oonF>HbL*PS(nZHG@f?7E55g+|ia;2-egKT` ziK4MhW@&Q-owk{q0PvM2r^v)~a%O4wXQ~kN=s>=~?_aX$Y9TQPz+24?M;{|Pu4Ymz zG4I!0*LWqHD>Re+mMAIZaIrV|#3&rBp&z|^Ej2O`t zssHF(i-jO~ zo)|t_cS^L zNF;1HjtwCwsL&b}IntVY?ewAvuFh-FvX_C$nCe~$zY3@X()hg;chQL-8yt_=^;SQZ zomV{1AwFK%ZXonifYPL2eNRPmU`V7=34G%-pR@^>oXU-U-wV#P@S()hDKF6#$T0>D ze*AG4KA#LAU-#e&AYe*E4H#c&W*iWFK{z(IwEN$UG+Xo3-D@o&jsdW|i9vU3pE`eP z@I&=%0ig8Deyc1j|QLIi|8mXJvC4k)HW z*I$Egltd+Pdx^`W1FFbULi&n~7Yjvro(di%;!ZCmW2ufP7?T6(N=Z;PHkUAX&gCzy zk%oGjQ1n%y9|GFik}yQ&sJJ?}NZO)3z@sVBz9=>!Zhuw6y( z^yth=`ekN#637>d@O_DdV+5mpudlNK40Yh@^NPyf7y(t$P#2!>!7@!)mI=c& z!JY@L-zF_72){>|P#KA6Vxeo|fPd-a$>5;)ob-EvzS@^Q3WYpUW*UZ}EEyG%jYsrL zLh=C1kn5H9A3OgNeikR*5v!MykXwcfy&pf}U>O+jK`0hI2$4s7I*C-$fzPhem)Gc5Lv2zBskDuB zIteKmp6i7q-L~y;Q(%}TY}V36q>5VsajVGfzD}@y&~Vv1ziS z{d54otUiktS{OW-_@?}l?iYvBhhXYvpkZ%l1`WCffD|~PNh$hjCoh{KbsE{8MYpCp z4_*pTXCv(-V;+D(yMugKK(mfWrGUB3v}L024P~=n`tGH^X`cxo(MUTY+Nt)$a4mxy zb{t}Xo<`e5lj6t0=xVqf(`HSN*}{55!z7(%&9X*W6Mise^avbw;C=vy6et$$9@wtL z29X&qeE2@YG*#r>u}!$18$~a*-D1=O0D=fDT!Nv9)H?wI3!~gs{;;$DH%JmK6kV9M z2h&m|?_Ia35+4ER^6_zr0+G=BfiTD#+P&x#A3#tk{!k!DVg-CDkTk4iXLm zn?j0>S^Ij#iC#S797CWFf*s8cHIJ?A(BqOUNmc##g9KejwRH3Me6+sv;71L0SKY!QD7>giyLtn-(?9%Nhr9CqALLgOoQOq1_*vg>=bE2_*Kag z0_|{#S$ZIaQFJ((V<6AbYZC_KNfl^vJs0^x5hMiCNeia%0r-JzhEZ-Xq7gZYMAbCI z`IRIlG9-DBknBkxp3lhTJuv%7rA$~RK;#FSoboZErvQpv_&%fHddPb| zEK4Gp6af1m9aAPiYVY?zAkIwir6SI5(T7{~APhnxX)y@{t}l_x7nEa+VTQV)gyX0r z(m>pAl7MBHu@nFuiB{_pTPKe0rFtY96-_oZ$L@GUTfKwYw?A|o2u)QeC13ufnRWyEA!7Uw zMh(UO?*oZ?(vfN)=I&wI@HBoc8JiBnxWftp`kQLU+>%UgglLGQ)7-hHWtr!1z4=7U z-+xbNvJ+AtP1ps61YL$okwa=X^d7-}gX7NG21Zj=5SXd8T0O;QR2WO6QO0{3D{y&_$Yj zUm~9`z;!)XmWfn46>SPi#1V0X+aVA|-^ZmjAt@v^4p@*XEJP^eUF7pFgrHzN_2@!W z9;^O1= z_g-$Qp`eBwY(5Mipmq{w6)@xW;TfM^Yk2GpwRl!D5KTRkYGFO2A-PNXUHfoG-&Ru-gzv|Qhj#8L7K^YA3nT(fc+piYND-xy2xJhojtMz}ErO052NCYL z)T3-JY8vVoO~!p+B`c;Z-BiyQTDM8y3`o3~I zaoXD8*fw%`7p|`oCOJmbPd)p8(DOp&|1&Q7*5`1*p1W5#*@z?u#hk#bHU_3?!nQ1= zQb}YoIkk=$sEMxxEydAExhxr;>m!#f!bmIWkSbE-qx%1|(VPHfO{qz^loGD%MoFZm z5uStNIAB)Ak))JL7Gszw%3?s&WpGzWB~KCzlF@ZjL)W&v)OLv4wMV^Kny?!#aOgfH zfpBA2VZ&6men2TX=d#}q{W%fg3nzUndDewLOQt$HP6lvg&B?dW!hZpL_uXE4YU9#a z06@a2OBe{$luHT&O(o@3LaInB3XKaiz@SOPHHQxnn%cOq;OB;8a0c#R@Ntc_84g)k z3oQ%<4Uu%)HqTC{(&*Y}cBF9$Q2rM;F4ZoHi^sI-nuy7S34;unrU}ckP%L_3BBoZn zmnSiXg?nOJX$C_T8sd;N$CEtEmBqSGDU}x7wrv&7PN^!SjL6?zw^oKPTDGI!4`&wR zVgt@!C%kGYP;f3z=*K8fPdElf#7o-+8@941Oy$tm;=tLvVf>g;*>_j1 zIg9A~S23U8oUwijEo>wp!sJ233kE;{PYu@`){I({P34-X_`U(kB-STro4JWp${w_< zPaK9JUKox!WR@;`8$h#;M8gWT9_ADVO%f!wl~Rr(qLB==6VT4g?Ifs56raZqWLzzL zP%&td-ac*qT*s5K8XXO9uRzOcdZGto=YXKYCkAjZ<;0y!$2aDKsH-IV3HjX zTn;t}F~S?hRAakjuP-8k;Hk+%Xgf2&A!l$<~ z@kCStDJ^-Sh*TV(M7y~u{Kl^)1ATo@cfb37%;~=g+Wt@{ zZOMHAK9q^)q*C@w09F{l3thf~5}S%(Q*pS^#Y5@M1;sW1!KOflVxWLHl8(Ly zPYMEZ#|-2>50uNHtu2LQ(uD56N~VAF{%;EK=&VzSP@Iw%;ob+hGH2=BrW8!Mb(!U?rXVFaOHFiGK8NeEx8zYmTJX=0Gz2QWO}N6}TD*_LU-GEFf1K|-hm3l6`p zRMMRh92X>!vQ8qUs9o5X{!A$%!lYABki=OifQVok0?A|oB^4;kUZqK!tjCK5(3VaH(j6$NMok_!Q0@}{q-4cde^2lwBb&{__a%}E z8;)bC>l5#<+TRo!xOdQ-5Z`0uvN?bmiG-37N$ExICk#XtKcg8+?G{rgqF8ic+ZLRJ z12EvaZkQ~pz_2VUs8;I3Gz^tQ8qP~s_za$;=!&9MDx(fuPg(Q$(DkOmy-~UzRhF-e zuva@)llY`#xxcy8f?j=Byo8!VWcP_ln;Ata@mX~%@h`pyj;?b8pQ zlJ1;$6ASS)h`)%CptsOMV;B@kmlB^PB0BM-^H5q&T>`{9D2#}9qr`qOP!5#RoIrLW zrG)Q!a9x$3!OTkLKv0C56ba{GT>Z7=`}pUv&p7r~f2O}Dfs#I@R4y}xLJ@^R5zIg$ zaC#XKxqNYk^A$bIFr~ zvTMKqR1k%0McWfMr=R@*lr$ z@q3EHh;*S)fbaP#q8=oR777KGEGksg-7r+7Tt}r%(?pb%%b}&AFobe{EV*xLt!3;U zDksO(!CJ;>bgU5W*+W=V~6@LJJ!)Xq&kS0M`1RN7Ep*T$o~D z(VYDsF>O?JA!zPgGd;EId@03$Ky)-(Ve=M-h`MqY+Wt^yMA|%cm#I5q%ZZzmg-%sy zJaYS^=#~s3rCe3a8<9#?`Lh7WabTKe_>w`$m!WjrN>>eNfpAEAh;ZkFk73QazK}y{ zjda4c@sR`f3S}7u*TX|kEXKbd{SV$=u@djCS_8+nFls~xW_E6m1847oS<@%Ou`L*e zfn+j?OeRx8*5meuq%;(fq=A5Sy?wa*!N>9R(q(x0wKvh1$$|ik8aV>v#*W0U)23jr zU1nh7__1MOBm_<_Ac9-;(BGfIlS^K}^0(eWE?y#Ei!lFU1dj{u{jf+8Y3Xgk$6MPdXZ=VIrAy(9w~`x^?~VeHlnt zB5E2*H-O&$4DNsYX?p0X#dvq+YOGne4%vJGqdM9!X5>ihJav2Qz3X)By3=Ghj*Vo} zMkbRBh%?nBt*R=mhio>7w^pvgy$?Nw|14dGcUP{)>b1Sd6^a_Skcm zY1ngSCoI$Cg25y`zvNm8om+q^w`2ME(L|yK;f^PQzT&qKr;F#@|jH;^v~B%A~a{n@}KF&53$M5&}N;J4TP6FtiY+7l)n8;2b@2P`H2 zdFKQ8-``%3HEa7Sp6dgTKZDD!xfxyi?1o>Q|5c0`I~s|E6Zoj>|1t=nGe|fGWvTf3 zTkqnEYyOJc?s@>8?^PH<;nv&l0{|Sb*KRoT)Dy7H7Mq1@!cs|NT-U>IZ@d+^-t}PB ze&YDct#_3Cyy^I{_{afspc7rez|+qz!x?8^STeVKp@?7o@vm65b{#G}>kJqs!Lc2* zwWZM8n*p;#@Yo^5ij}MI%Rk(Rzc0E6o?rdH((d~n1_10jZAX0TbDzXP`|Jj0m5{6L zB})U-k(D_!!>|AR4?MMWSdIXV!}!98_BK9X_HGzZ z?h^un3<$>HUSY41?t+;BVL*aVD7x^a1c>0+Hf+O$0BJ=@;Kd&wUwuzC?DTSlB667m z&iV2G;k?VPs!Gr`m>CQI{U{DQ<6Bt0dYvlxlT0AAMPa>crLP-qy8}mm<{P->_Iqm* z^f>N%@G%_yxwCQOZFi_bLL3ak1YZKaKeWG3`mdq@Ljd^G-xgGz+YPtfiPdZSf`UXI zY{x<>X`@8C!N9F|-H-Vve+7U2*PS&9dK^zIc^=1q`8=F^>HmW;1d@q(zp5@N1?$Kx zuxf2DK7G!Q@rCm)t4q-1cyalgIP-sghSR?FL*()~=weh-N{|o`WI|WFt(Q2etSAkX zUgru&2GvvbtKzXbbH52!mx1$Q?7iy@j2_vM1>v(p?68FvHb{_ZwJb(IKp>#dR6_x0 zn5Q!Apjopl-!T3OLW`icFzl#F(i77U-Ols8y^c6&AF?e2@o=_s5mZb&o|qT1@0k8M zUX4_7Py)k%gaOG0d@|v~K*5u61DS$h2spL?;DQVZ79M$S=3S16n0&5D@s&-~WZPfBXyN3dM%! z!pykhn!n*o=Us+G!bHLrAoi4`J9tt;46IzW7RP<*JGk$$|1@#N3U@vDIL>(F zo%5S2o8CeT8#3%%F}J?w(8BP6BsFzCnb)&R&mfS@jmUYYbpQY$07*naRQVAYvxlLp zet;ii;%k`sVgTPKqI1e$0RB1*W3{l6pr+hKNdI&IbWGQNC?Un#Z<{#Keg~rG7(rnO z<)FfmK3rS*#U(NfK*%7GGe``yEfa#2-Cn^h!q);{Qe#GD-w;f@a2<_f$Qhsc`~5Q zD&h1?-@gQ}y|rRUV*tQoi=V^Ke}5ys_4$(^SwgUc5CkE#O=9iDQSDr#NH`&uJP_T` zpn#am;9ev|J~{*Uzx6!Q;}VxjTJ`vQM|aH?S6q9uWa3W)cydsS(n1Rx37Re<)WQY{ zX>hhqk>`papea|F{}$S(A3TL1zS?vL1fLn#3&tNaV#K|?DVZGUZ`8Hg==nJh##JP25ifMWm#~G+7X7a{PnkR(dB=r z+ea#ufMu9i*VkY57-q(IFS`N@e)qprR+3cC@;tOvvT(Fo=*$ILH-xarPy@s!PyQ z36=O;ttzU-NJm(V({ z3f)$?Q7dWBD_Jv^f1S9=SWKThssEYhmVJ!o&OMXwzI$*Qs}@?=2*8g&?xv@9WzdA* zIRkeK(8~8=T7w1=zqvlg-_XD=-mX-1dJx#4Z8(|5`Dn0mdkj5->G-~$h0R3~Tli3* z>dlp!Hh*_w-lA)tJwY&Hf$|_~&QY2BxV~4>b^#G1==j49!YRiefh{JC2LP;Evlf3_bT6*> zS^Q-@YLNVH~@3vDXF8S7%0U}6dkgpO5^7$f6!^CfI{3lkfuI?;z>>&r@ z^b?N6)|*WPGh@Zd)wue`Tk(g#-Byv9^6*mWFNHNTpKv;>pLN`|byD@;5K4sE;qY9`1VJ37mA)A&^qSG7Ole1Y8+x#}N?@nzIK03iz;2jHB4A^k)iw*2)wLp8f|` z($Ucz`x>YR2nhYLwZFAxSuhQ~1s|9+8hu|K9c^h`|MUOBr;a)lV@8YsF<_e}w%&Xq zzIxgT_~cQCR&D#-%daAn$*QWBmI=pk01#e&?M>YCNOhILH_!Ma&i~38*mC^%Pz5w* z#0Z>z+!6T2_rFoq_x$=>7L{7@K_!v8t_R7rBmep-M>Q}rPC524-23M%@%u~8!!OVO z1{VD8XZXXV7hv?r5h1~3R?-vC^|5NrTKw+D+p6~YnU5cZ3%~w3Y`vK-C`TASb_~At z`IB+>=RQ@n-NJhxhVM%xk`|K51Pa9h7C--D)#J}U^Hg-Sr9njSJP-N2DmvA*-)tP+ zwQtpS4+T;uR8NYkfkKM5ALi){3)mNj18ByD zsNf6ZxE4WgVKAsj(us&1%RF)Vj+3z2_;HBH2r!VKP=!|zU|0XZAc6>9CAp;mF&9h_ z!ST$hoO{77f(bA|XtNVABmh5NbyFwR39d)dzk1qn*n0Dcs*O&kz|02kM#CXKKwxw6|f;ou}cTIeSF*kI-8yR%1(o4}nGZKZ!MK zdn=B)=_X_G#gj^Liotp+ zrFbDJ$i-iZ|M6!hIxp3HlB}}DH&l~Wi7bT5G>h`*S zjz^8`2%Kfgr8x={CyonB%U32uYkT`qC=_Aa77P+dB@?*!k?QUvCw}x0u%N0DR0gpB z>|Joj1CLhx{HdicV5`kH1)%H`2W9gT<^@!jN0eTtDsl_`KB@J1eDSkYhn&CvUU2NP zKmzFvgVIhPFnbo3z4BVc_HV9u597v;L^7Gc#0lf@qi=o=p63HpY3~>nBLV|HGl~Td zmL%if$(Q&fMu|S;QYkm1p6LF8} z+P~weCC?$9A9VnL?jd#7LJJ!bqGXZPVuO2jHIJolpxy0TZ4kMpwh_nD+&6 z-B8DGpVoDN1TJZ8Y+9S`S$I(8&oI5Ii7?&VRJ#^Fl&GvpH~6Cj!ohQPL+D%)R$h!W z>Cj1Uu@dX*?SPB~kz*ZggeLU*F~9CDu2~O`Efk7y97Vzm!+_&B@Cpo{B}!UX&e1D@ zwtpn8lh<{_6HG^Mw|g5>RB>!bbeJ(o}^gIZA5?eR22<80PHe#$4U)j`fXtU zJ$8*1f(qUz0uhi*B#_S+U>GJG$3!}vKwp0bvQ9p)l*)0%^*m%Ve$5-eXQ`5peHo-w z1lET2q>);m6;)R%-Pgozi%0~zE$rt)~11zI8FRwn@3}HWL@7;0UPp^`a zaTHo4y@d}Dgs>iB_L|W#LrVEov`G2}1(N(w<5v;@@DU;+9%4kpXG|kt*M=GqSNso< zh$z)LZ&EY!kZd&XFWkb14i!ndZ5l^zyZNTd?IV1$ugL~V$p@nEyLZN`9X@LRQwvGNmE+R#7vOmaQd~FrUI_Whwg?c6Gr7w}qW?{Cs z*CgncY2xRX?xZeL$CCUo$&*z|79dPb&!wDH*w39>Pe#b}S@32f3UV&iRFxU&XzT{s&86dj2l=uxmKCBfjJ zAXoSlDcG2(`#)CFE07IpSNKx$go*Gx|==zZ>A)uR~iGX&6_U&?wy!Zq&7+rA5+ zQEA@h$;tEg1n|&M#wTE(hTAYIy9DhtF9ol;LQDC+HSadlu7wXL29WgBj6*jk&);Fr ztQm;2kcb?_m5^)kh(3(djUcofC&;0bT?`a>uoD5UTU2(8mJQ3Y;MflGo*O0c zl`CJWAPR`a#*d9%m*X=-1|IH3$EitNUC+afx7|^%$C~Kv&Bo@YNnP!Lk`Pf~cQDb4 zTBJWt5^LEhjvYHX=qpYvNkx%CHOZzrQY9oy=_8ZLz%<*CN+sZVdEC749{k@mf5l6$ zzES^V>OcrmL|rN}EQF{-(skfmCxvp=`#-v`b-qKefed~(O7GFK1knnFyzZJ+_`GZ1 zJ=>pqY5B)7;ip(I)8?HuZt{^$Zw?5!w#kO`($l*RYj#}Uuz!RmJogFo zaHaR{=I=?cK}}aDO?S?p$iO+xwr^qM!+>9K!!Qm_r;@z$)JagmMokW7+1KdB+FLPn zqf^ogrr6QJ_YedKf`lsAuHTnn_)L%xkTAe7z)~RZdMHXCLJ%C&gkuR1c_86K!i5wb zSkx~{#H7Xrk(!78SrFH=wI&u|Ux3+!>k@J`i0g15zMd@9`tksYQ7H^lAeD3g4iX-N z%TrH#J+P2YV4+DW7ob*TR|rO1y8}Zo1aYvb&~}6+0`5v9Ly`|B2?oQLjFqeVaL6fN z$9<0upJb02@BO+4Jx-UpI?0!7kyl{ z_ohtR8tv&+mO%6CEJq71Y*ffBUHCQ_e{Q-1#`J<~KioEL-prxQqixzpCZwm%zl8~x zp!AR1%)IU2MAMFI#)?mYWK)Hg2xxDc`r!Uek6Yf~tRqtCsq=ovOizOGc>q(Oh^+u) z903Oq(`8vB|4MpV*Wt~Kk#Nl$05lclVu|b0o%45Tv|W1Iyf1=qMl(bDhJSCR4_3dp zM?Zk(h=A{ZxtV4orp+G>!fgPLZED;WHcFI`becQYB%*`&-+d-IjuUfc(MfP|f}*K) zRDqMhkdOgECv6=aMY}0RbK=SY5fFINgkIIkWmXkP3xz@`4M-#sk*>E?OH&o$SOmym zPBNMc4Wjl8099;>St8*y|Mz&X7)S-{oFx+y2^)@M1tbvwv`)QZ189O-X#{45X_!bR ztIO`zuFF6Of%f(`wV{hATGoY@hNzd6z$I7y3D3XuYSk8<+i#0=K6f&%{NcB8(-jxv z&TB8no!9;f|NFhK)f}l%R9bW)1Ps$un~yqj7s)jY0_H5&%tC)FsA_%=A!tTGtOccAVP~ z!AW<{pO~IH@B7T&GJub$a@avhUibTEZ68_kd(E^10Li#)}42uPPF{w>9qeRK~R;|Mg3#u2*{K84c;>=S{D2wbXGW^bat7{E`Vxa&* zfMZ#KOHN&H7idx~3;=#W!b#t1<>w^9>_Z3vVg|)+LWBE`NUw>g@bn^*y=do}xPN+J zY%t*erTEVW&YsowuX`RunykG5EUJ5YEwr$apl`{7rRk~jt_0{yL+B;}#&>*b)`%b`#$umm6@(|7pFVt{|=B3gJ}hs!e#h2u^7w17QXM@n}7C>7ix8qPT3bTcuoW35)=QX zed_!t8ZB$jzIzdw=BEK98fh0`B!J(hrp)_%+tm4gCgCsWcapE_Ye>`Pwk3RPS0Wse zB03$!W11KP06@U+>KyS1z*Cy(n~5$?ch29^GR^O;edg9R)sAbMa`1FE#F+q{f}tl0 zr-s`Sk`jj20KLMoL&x-AJJMqhtX>A3afu0hlzw;ka2`yZ|9Q@`u9 z9dYI<$CbFD=(VZ0Fa&~O7%1cmFoc@`x*$#8sTQklD~lSUb( zYsml))Ss8%7y7f3`KzC)d~>3UEa|qhcIph~jlIz#=`DP~V3IiBV?G8z1xu-hkRqm& z7&yrQBb6&4J+&(fr7<1}8#L%gt7RbI8>!CuZ)TS+{8=OIaxd)rcB=Ei)c{7Gon4sleXGCA~Uf{i#mZ)C)TMy1O(E~794&D z?L-}<;6=96fpR9SHX6_%{j)wslO4$tQcC0tdHB)?L)kIfK@lAlsI2`*RnLP0&vE?{ zu`wILgt23=#f0ia{pRkwO2;oJUWlK+`Y)mU{G*>a`o6}Tq?E|za`2@O+qRHOCBV`{ zxr8Ow0ws$<5?tZfou^K&I_6_fKMS|$BA?GgN=7Q3;6&0XA<@^}(v3ZiIu&~yb;^L( zQ%he6&-}&ZuU8%Ckp1>R!l@*?37-Jeyn=~D0zwEB3We~AgAnz!`V;F4|wL=`LjTy%?_);eRBNP9Th<*m(GXzxs&$l@=e4ScY z|0p5pLWq5Ko6$+aAlL@Mu>_P9(1R}4QcBcgWL(j6B31>AH1QSy42nnGIgsqCXgNzJ zRJ29Zk%vbR14W`0Yz6L)1LzY zNT(d65*7^jDBn5>sOYfgQ4sw#09L*?;fe+0?mDeP!J+^Q?tKvb`2uqJ0&=+m7=qf{ zY}mFII}z@G{Au*|XDYtNjv5L5Tw!Gm-*_kKAeA;@nGysUJk{|5C`nJT=v7@F2E#A~ z^yZ;ZC_u&v3RQ0@5gio1<_>XOoc?sla&i$ z)Br#JkF1n@8itT-@V)qD_2xEto;M~G`K}gaQ)8Cs;g)H@FbFC!PDNg$Qt9zm^d9M?xsvZyJDpG}NhNMdaP)nk)7D>E6Q6+aNXaO= zZWujuY)6%(4@i5hfFvtwr?k?*fbr`+-3%RQ!nrYyoxguoqL<0#ar!ww#PT=Zf+lEj zA91Zoe`Cc;eExeEW5L}I;&R0u^UzP?u+zVeKmYR%RNDs3-er1;bSI9LtJmU^EB^>) zAYUjVpLbyx21azWLm0q44?m8(AAY=I+tDLCu=#{>;m?j;{cp#;5B~>-A<)*Aj=8R= z8E5ka{N$=@s^ly8-w%m;ElBA@N*@5LH7vQmOYi^qdsOl}68$cOzXw78 zVNtJenstg8mB^GTAGg=6okjpir&c&S)jYWtTG&XDS+eK{0AIPj=TQv|KD&SMqQ>QB zgukL$w~!%%)Ki4!+q2P>?mPGFqI(%QYbayC4|vTKbn;-Un>q#mG7zd)H{6iGFdVsd ztMxsN78*lH(oOK*0I>7a9l~gxZQCV9UldW-GKsRUi2WRwQiSdo`u%_ui-@eoxOilf zUY?xFjAF3}*LB19wB)63I6U5O+*_SubEpB1zX)InOqsL|4wzlt4eGVGR^XV=eg_v{ zaW($4^ab>1bMSm0@2*;dhn{!_KltTu@X^!H!oyE41^~RbdM!SG?nPMJ*B73@np=?c zN`#Re)$M6-xa|&HdrLQ#E?bVC=U>Ksk3WNg=Odj?gMt{QN3h@u!;xE*lX{!^DY4R(JNh?jMWrxpObU!%y~L)tYta&*bpp^4Iax z-~R<)yx=EQqr)HBfA5l~1Y1lTUv-Q-?tctF`qed%%t)mY03>|h$G;za8b^Kh8|Yb9 z{i$iLP(&eL2=w|&CRHdD;KlBvO3<59Kt|3rRqy}UJ+I6}2mW4!M161=kX#y%##eBH zAtLNDW&1$=)ldRh3oUF^$S&Rci>RB_w;n+FVRp%)pElDpySV#xfSdCWA0n7}NRkaU z8h>)2k?raJB@r6Z@V}2(O~gm8Te7f*6G2&nmu_E2pwsdG$gqYTrh#qN_Z(Vi4B=yO zX6#CWFlEwKii`%88BNoK>!~MFkvxQg;A{~6Q<;gubAD2+OKR;#@G&qEQu|Uf z5a!zvG#O#Va}2=uedKaE*tV^r>5hX!p#azO>&iiNfANZ@97LDvDIbE<2>OW5|7)k6 zh{v9Ju4+}zT%m}oZ@vvz-#oa=)UUk$7QXboOYoaZ&O^en!ue@VHfftJaK{6WR&1Ni z7jWUPeqZw5!+-xZcHCx5B$8^~esjYu=yFjimqEVZDv47v5k}MXJzWjjjRl5EJQYH~kF+cRqWhm?_rI3Lu$0k_ z1O0iaCOw`ATQ7mMyj{sWnc>`jFZQ|Y$8f0K&qL0tyD%-Zu#tlKd`U#7r#k1o4&eOt zJs+sw?6doqbYD7@P7H%C@qK&(&FaIO1cR0iL5%M@Szb1j@%xu_e=Rk2o=>2!52c?W zVhxxM?(gYtxJXC;l7$P~I=jvZJoNut$fAivP?ng5ma)J_g)mHR2(inSn~sNN7?6Hc z04*L(r&z*VsPm4Skn7Jl(CxWGq3lEa1q2^&tSbu8U%^sC>Ll z6NyBkZh$hv3eZ2 zoT}EEN;|M^3(vp&YSm*4#Uhr!9#zkd6UJ03iHpDe6`02GNS(j->5pU6O-k*Gr|+;G zX75s48o7GSIz0HqVm$iv(m@e)K%K|xwS6cC39bN;PS^k2#xn554@~_98DWkDg5QJi z{tpW{#qWPH;QlY4SFN8bK}mf|Ei=U%uVc)oKY`Rg{)RRG?`llkY{FV%8j8lWg%&n= zFf(U*x-S6ZD1e$O1~g1q0p`Q{dw0+@ZU6uv07*naRE9>-0igGp?&pa9`B1+Q?Vx{Y_fJ6dU%7Tn{PjQ{)lB34 zhIu+Iyw8ZVEJV|G*m?_io)6cP;2>gWTXsl7%S)bDE0rFS7%C?M0gB=I!zWH6O`teWU zkJ|*DleQHArqHZeL%UEdw6GB%v$Xr~@Z}5u)gQyXf4GT+KO?hr(SqUXFw?W>Vi0~i zT>T9Oxo7{i9B67x$>3olrkSPPmov-#06aTfebxbk@Y}43J$j$%er~9pWtJ@bA0j># zK;^&`ox8!lYP>G%TYos3sKmy9s!+>N1J`+4o!u5OzK`;a% z;nd+HL|_P&K*|)R@JXFWI*5f*0aGfOTTpKm2hG_X*Ztx`?6B>YgXn1>OvAvbA3Ges zzW7`u)5%i3K1x^i!mob;9c_biQj#o?%X{!$3Ck4t=)8TZ9y?{yHrQ&@NEaS2RjY{ToZgk^$Mz&?*oX>s==Y8ojfya#QHNw`LO~h|5Iu{ei4L%RaGEH23_7^dE zyXsQA#}+>iz=SUexx9;f!G&p6e=4As-Gh`xuyjG>Ly!#a*@5@IQo6{p&uU|^#R+vC zfw;`2L?Sb8M7?8loNu%~+$L#bv$1X4Z0t0RZQHi(G`1SswlVRfvF&;1ch3K;_e1g} zv(`L$_I+<%*SQ-7=D3+k`7=P<=jhy0BLsA0~4ss8O zY~h1`ST8g0()bN~NBI}z8hJ)$qd@e`mp##UY}c7z==#t_PHFy_D97hEice&NyzwQi zLOCU}E{#80roWg_<;GJf0j(A0hmhi34U^qi&M`+DSsf68G=DDF1_kw>ZGa=3Qe7%1aL z6=y$A1D*z97z;VFn^mdox?i!MZ)rx24c7M+v>YT=t&O=G@$niD2aX`g6e~ zb@T|>z0%YTizgDSD+R)TITtjB`+Vt?b(|u3Gv3*%lnwlBINml`6aiB}pG)4<<5&Np zsdxQ+xyK6&VE&^MwN~c7o8d)k3uhIed{shE}u-5s-Csa73V*p>`t!U5u@W~#Y7xqkAmt50*;(|?r8&m)wp3J(I{ z5^YkN455;?{&J?iQm80wfB#x)YGC4xhYx^2-P?&5hy|zN!hFL}gAY#tSS$_QE-43woj@jsF~W`SZYyQf&38ofcSZOqM*omlvKtpembgI9$1`)!l+D z9uoHmCa#`9$pQTMrZy@X#VLW&aJ>I$Rq)M5_K)<21{DQ^)AhX3yL~_E<w1lCwx~`h7(D0|$J03-VwzP@T=d>?f++g_ z%FO1YUueEA>v1qXtkvMep;7xQT8=Y3k-*Z1(+?f|^?2v4ZwN6vCJ0F~&^@!qXOn%d zB@@c!4pujljb^$`gdXpf{2!aFU5!qdx1kV{@#lS<*@}H4-dAy3W^#c*tueD`5AWg5 zW6!;1Vw#MfmsEo&YsQD{Fy)AuD8l}n(cu3AJ}5x60A}aTV4ahGGQ>19qvK=6LD!U~ z0zFk%KkNm?k-9w=Cdwa`e>PZut3x0}P_L#0nZ|TY-{a#e_v||~8PluaCIMy9Q})q- zy?rV*eU6yz5RO4lh zeLX{K5W;AG)WtU;=Xw!#S7W*VAVB{Ir;N)<1vOy9cteyEk*IiN_dR_zA{l$u1SJ8s zJ%x^b!B)%!KS9kmK;c8onWQY2RRp-h`ox>O^BiTtd#neE4*Qkiv;M~EvM;(b9Pb9- zG|eSGMgiMxR4A5``A>>>=)bady}k2p3~Jw5!0bg`O)C5|)u)etv}mH34h_lQB})JX zKPdUr#<1YW?vEc(ooJ9cM_V<5BVch0CXL?=+w;b7o6uFHVMaX=F0l!J03B2#-7h@I!%S9l|wViPcL3L*&R zr7K#FvMfj4$RAR6CH!H7S(@1fAo&}NOeBmS?0OO=jg!*@Bzu&E8PmbLal!Ls%m^Mm zKXo2I0u>8FNx+koAr_j^#iwH-@Z+^ojD)XI4MNH2~E509qYt9|g4F3wY7$Vtw zO44($=Q7rHpU+2dI8%0|niqv9LYv!cH`~u0It=K=M3pBGL^31qBbO!~q+f-@vi8B5 zyq#tAu&viy2g%1|`-%ffRHe)`A42BwEiac}FrCYY1SGWR3rdntXu& zT8-W3uw22oK@GqkgbjrQZgL$vIlk*0r=DynaElZH-5K=O6@{)>~MfsU1l46bP^t`+qBnW{nv?YaAuLg0s8G`G5 z+bR#gdL$z971zCQT&wF(VGfb<|C>(x0RhVw825;=@<@w@YniLufLqq%^be~0KI-%- zxDHA^H}$Irp?DxMLZ71zIPIJVWQSuXOn${9CFF+otu^3~LLtj%5{4m8l_N>4-+M!Q z@gZreHN7yt#r@u=g2^)hPn`ObI8%-|d7LzT@~e0~J-l+L%8xbXEG2aXVB^Xvdmet} zPF>vdVL3hpUU3|%*2^M@j;FRu_npwd%!buY&F723e_dV?C3 z-}hNbiUtzm&Fp%k97U(M{|&SCx*(kNBy7!XQGP_^?@yoPFFr)nUTCG$%s61AP-YZ7 zsqv)|p>XFXkbxLtUn$ohjV!4XYJQz~p{5HgQIW+KJts~uN9y{$-&~S1eKf)iT@-Bt zO$OuE(_`qX2ssB=`7sT|g7hEaOm;%gmC@8BatboxNCuPVhPWxKNDi2u(EyRLPQe%- zR9hK5Sb%7ML&9XIK@05!#lG)Z(@)Wugy92`tm+YQam+DRsiRRelz^kJ-I@3ZlVPdE z#r&eBJJ1b3tSW%xiSrz^TZG51aI-?3il{omuGUbB%;ZWAy3apggMKhD3N`u~DUKEg6vm#1_#!5qVOEa{Pq@kqL%zgs|9qE!z0G%3z7u~f z16wJYTgIzNLm~Z|vEGOiT_zWd*Z6=x1_bJz;M?gu{LYyr|FP*%afzjEQ4k9LWjGip z(`fd~(*Ha}el$Khi7S(Yy#GN*+Hw%)zAnv@RFOsAZj8Y6M>~P=k3s)TQYXDv8pP*c zL_o4Ad=;I~{(v*j^A19u(r;j*y8^_p&iCR8@$ax14KJq&?x~p*Xd1(NO|*_R&+C$R zDt}RD@4zw&3H5SoNZ|Rt*g^pOY&uKY?-e4%^VK_F`rn_tl=iL7+VJ{D>vVO)TXO6S zwdH5X3cqVYQv#6hAI#_H6UD*I;;XMOIaP7-wqX-oXpr9s=O11`=eh1(rs|%by;mFm zavEpb-NSyESp+YkmMN3Ue>Lo*VUIPEk72-xjf^Bodq=~J#Fed9Mu1x}5DON?z=_fl zftAkvTFgbGYR}_()xEt#)S2UJml@ReWqtO@`6y>=#cNgD`_gx{GwOPKbwlmrfeZRtna$Z3g^-JWk&mKpib%EHMbvt;=TRrAksD9*IWrGllwwyuaqr zZB18wnvw5f?MZjh!UHEv+)|VPCNEt{pY^8{S~nfHO41z6tKo`Y6Vuz$x%Qr(OwpDn zH?uKHvEq10xw{ji<9;D^l0w;_^^P;|k^f1Nnzee5|NK9f!Hjf9Axhu!t7lUM7Z&dP z^h~TAar@*mO+8vIQ!`WFqaazH{RBvlnOeSoRbPLx)wZ2#$9eXP#B>sh zDFgs{*-u?1CADR;CEE5Yt)DOBnTqsk{*HF(J_ESAy%tEt8v%P$_CEQuKG#Ig=j%Ir zb^4&6f}q$d$HVZ?3Y@Xo3nGUM@V1-hGEK+*2C4ejIPdnmo;RL<&&C$52qHC-;GIj_ z6bL{Qe%ACJ>4HB(gc8uM9mF?kzIbK#8O%{XtXs;VzxG_QvSTm{=J76TsM_At1eeag zQb(OMb$Xm2wLf^pHZ+*^K#;t2OqpoG$C0^o3gDMXHmiu#poNia*~M#j$XeornRH&` z8iTLIkjhTij*rzPr`@Z|%Ri;6{`{Vl+$wb>KuZ}_zpqKma^e42 zieJVdSL;#5;HaJN@q}2k!-NUEOR+L9ePV&nP+A0sr9Y@STu!w5Bea^ zL~@Gy=V#)Aj?-fZ()T|#7s)Gp-HgW5lnv_qqaw>Fp}KaxZ-V=4PLmhz&btFIQ#)ro zO`QT7ALmv<+UoJX{RR6SVR#xl{a07*@y7AoA?s}B*ONP+aSdkC?R+!)lRLcmqbs%t z%T!FjZRpQF4z6lL(6_r^^;d-SUYB|ZtB`)~cNa@^n07rE3UU0;UnECHxX%DWCW~u0 z-qYEm`ShNQofm(}G{M?GQXk`=O?;@+ZsAP+M^ZU&nQRUO=}*3|^ctW~#=O>9LY>!W z>*G)X4Z^zt{vey7e+j`@!IWxw(Y0N0JI*|p5n`UZ$nm#h#%F8Xyd#cM_!F4DJz*ME z(-S3Ndq48=+-(vmRcUC|U*++;&mI{Vx9z3zwVyn>J5TLFH(U{R-b`BCiL14pJbH7V z_l2G}zuA3QbUlW*5g90QzKm094o51w)n>$G$!HlBV2@-dq!X7bRd|IID0XgTvbW=@ zeV^E-BY3W*whGM~VIKt`ATC#^@mJT(TQxUiDe1o^kA5~LIjsW6jEsjf2%EDMo3)3v zvln%&nrTS|l`&8yuvT3ojH6kSu0JwqnT+uqmXwv&dFLZ*`twrRNtWBZzpe@yeoLqR z-_wxC+7>Y-Cc~MaoJ6ib{;$lsQVkX8Sqn#+ceQx&5Misc+pi!^vXr8poBwn8s;RGx zkr{;*i8C!mFefe9uT@4MX*+w-T;+&43K$X`M~dUKS|lH?ukTFO+xsM<*Ktn$xii`` z_M-oaQ|5mw^y{V&`>)%e@u@CJ&5L(WixB4u6@%2n%k#~c@nM6^37 z-s3Nwnp@SiTlsTAvNoDaSb1&X^A@8Qwo?DOb{qI1N1_eF+w|G*ZCZz<%-$ZQL;?b?BEZrHM{#zcP#aA_3g>F%*)j4BgZd0#xrEw(RPqWTE zT`sKGs$9v}ZY$})2vf;Wudd}EQWw8VoAqzz0f1dio4koysagk6KTOL`Zp=p0Axpk6^2sfW9 zSEwC>l{@y~C3R+Z-}FwW%rAca?%-h0?Ys>7Z6`x|)M#e=@;MsGlb4)DULy8HAC&kU z3}e5!?Un*|4nr-%utHyaEW80Xav=@JHUU4_aL0Qhla$b*f+K>PMRA5h8uoD<5Y_1P zdOQ{Pi|^g>Q`zrpwA7k<0p_onzM}~`Tv;nTH&VA(>kpp_`6yL?aH@HSD(1YvnM>tg zLm&*_OjaanvLd%Q!aldlAftv+hjKhLkuL%eM+5%@V*C9x{Wez7mw87*RmN6Yd$_sE z9tf5X+i&XiAppNtD*3;uu$)wJCDVmfq)T{$gR!_fA2*ove78zQ>a>{YANifw?wj61 zzcyd0j&#A7cxUz`UmzQ74A`!J&5=W{c4Ao1m=T30pryncvqIsZLz!OC>r0)(#LejK zW3Pwlepe}^?VT3qbIe zJHfH@HQV&u=lyn}|8fkc!J6KqozFY#_bd6<21l1Jd(DD}gf({i^md<{O^~EIx8Di; zNhnL~AJMYh>m2uOOHMj{7aV_3f&YfmMq4jISq z7Sj1oo6o)w9_hb3rxCglD`Sw6vg3;E7n@HK%E|N1vnTh7DwvPI5fgz1a9FtK|B}yN zt%){n6|CC?Cx3cp0gAGy*hg75Y+6oSz_aNjFc3O*`BRzW zathz9Z40N8?d;Sl$Wb4-kxm}GXsEX2lgk%T$9F)M%&ZVnM2O*pa6LjFzKSSGsp(qZ z*xqF7s{b#WE*1_7o%HAS4$ow2KgP=+Up@OKVkBSD7<7gk*~ZeXgFTx8 zC0K6nj~2^Fzv8qF3iACFx-)vPgN zWHfMS^Q4%fuJNHqSza0)ZPvM2C%~U@T4(Z?UAwsbiz%i0AYg{Tb*&@TihVa%bY|Jy zF_poRBR;MEtJ9FI(F_3`sbEgkH*%3gYQUvPf%eUbi}%`^5x!WBHh3$&8s^T!7sIU) zR5PSy@E?|faSbt8IJZqa$`$bGFn7e3|Jn^on$6;up0;bnt{WaQFI$DmEM zBPXb{RFwB~l2pjO75C;8iy1NPFx7KX3I#UHRcl^cyitpQ!21E5p|51+spF;8 zjjeqNqyOc?+im@d7WNxud@O&K`!rPAyBYjgaE5DOy_i#xZ|dMukhGj?M;QkR7sK;D z4_FV3`B4G&N2yM|kzX1g^>Ak6Ye3%1&E299Txe`u=p_?$6+#;FS&rQdoDLa#Jsg?& z3Hqf@62|}p%7=wP^3N8`m$QLQQ2CYqTPZ&zrks_YSv=bBl4UE@rC@eAy^`fq1)g71 z+Z5RfloHYp3k0;w;#m#LR*M&IBJ2#v8y7H76O%k={cnbn1X%PLm8x3a^c@ zHNP2OAg)9IU%r^)VPzm*qA~9A7c%jjUM1Tp-1zvOxCx~Stl%sFoxY@;ViG0TrzgbO4A*w==6fGlI zuzW&M4?9)&AtR^Bl-aLG36|s;9v|CPT<{wwIQ>c~x2FmfLtB_d{Yk8aIe?Q@lR&K! zlr`(1G^`p;hGk4IX`|4WsOD=%nmQu=CrP zBD(mLD2s0VV1nRRx2jM6O3xDTZHZ@R0{yqG&528gC#hlcKCn~oat(=`$?V^kX@&GB zpL3z-&tXl3^2nje_FQb8PuU*-aYdf1r2N|tS-*)oe|O{Uyh2@xPN|Vmp0`fy;wP9y zbwB@ENF9IYzYqt!VSp>ogokWS3g46`U9fEJd$m0Rc_Y>v>EDTAq28>zd=UC&+g0Fu z4|gi%)H$Od=!VHR`BR$WQP&xGYLa98uZ8al7`E)b&y6%Vh?vwKWMn&VhNI?fNbDr2 z97!PySe}ltE?hB=TpV-n+$veODblEb=BP}y()M~Jl#dHS&ZDzqBp>3G@w;r|iwN{m z8otA4x1Bvq6n_R>FdE{39aOV+EO*?ATe7>{=Vh*o;EjxA-uD?#BDm`V^NO_pE0r;D zpmtnyX~Ec8={Rnyd)8n7ic9d|y+X{jUce1KVeFT)&Mb9S!vSd1OFR)p*I zc_x3!+M%lp$)%KX=W0r=%Ol`=ROQ;{8vuH$VEsR3Di_XP4bK1srTYN|k4N z?)Q9Cc5{9tMUAl$4^32I^pvH}b1)<+!%ji(}RPE^2#qN0>E6 zM=-Nv>~=&#Zk9dB4VmDoJN2TCvNWh?U4Wf$3V8+6w`ae~PquHSW~7DGg>@vY_C z9p87Jz*BrXsZCjxWCFSg6S{&8o#d(i_hwn!Do;CWxukatAg0Oxh5fcZaqE2U2?p{; zkjHtIVN=d%br@6A@|aS{;#{a2{Qb)TQkVcuCzCW9l@@kl@a%lsx=3trQ~;f?^LM!s zTzP!Z==cs=#rf{_<9i-|?K;sVIy?h?3Re1sDsb(qn&(fx#*#hfO`cr&(B%sr>FD`S z$oRZTRUJQg;rs1=Zu)|P-}kf5PFy*I?mf)Fj&ZH7(0#zH*InHU86PIAh0n?v{_I zoc`3n_uM8d(EHtW@2C1b(T;>G=p(W)!j3CbT8%cf#_2Jiws;*gZ|sNU!+p&rQuF`i zw=RKI5l7yP79<~R&VN*-aJ?OA$zmm1UZ9l0-5a%hR>1 z?Ch4^qqDPlr}zc1=0cGlHDBdb?0Yg^`HyDf{2(~G2XSY&b{(29cAaA{Sqa{`|#CBi82wTIjGNTjQ>_wF^nzWB6wDuc1i{B-Yf?oj!>0$`^2U!yj)~ z##O>(5kTGY?y#Kd^9Why2&{3x{>ax6!IA7b!K7*c-97%3-4P^G%WND(@;Pp5y}f{E z`q#=;-H*B_mHrt7?sNtkBed=~3sEr$1u3*j;ZV%4H=l6@1(AjMzW}(=~ zmM~{Gz$|Htx8q#?%Bby*Ltu?K7NQX14#0Ku*y%hWa3nvQ;mbd*{-qWRu6nYjDYxvf zji*w^%K`97GE3)gzmbpa^sWD2ltKf*VXM!&=jzz=y0gK}sJ5IH7m8QJ7}RJ>h&$>A zU-1knX9ya-iL9Zd_Af29RFK{Rv|jOS0F|BuLqjwuxh9K3rbj!NvnJ^B^fT7X;%C@@b}9lNM|JX zNnlK<>!mrP5H=J4&%j7*k=5FH zZ5m|f4-T}LdQO|s9)mQaz=%E7BOkn2hBz`cI>F*7?y!TlQ_o$`A>|aRy-Q{_^N$f! zgaN|N%PHNb&DrJE?LGx(bJdz>oRmM>hBHWP*Z9FlyfAYxR@|gh086AZ&KQG$Bc@+{ zz1?s2O1p*mpHYZpMOyG%b`eJ+HQI*d%I3+oXrZCMG&mJ#{!ysHPKVD+IrScj`%i|7Z~sOg2}u!jv0O)NGE4YsRr!s?b1K z(ZC_Hr?d~?{zdZA=(b|BlJAMsaR**(t56os!q{`ARJCluneD<$;6hjUs)+e_OV^wt zC4E7L>3>pXiabMyg0ZL4s|4%{%A^sJSh1J|cm_ig)Y;)bOSFuJs|(S-+htu=kpb(b98`!hWIFG?R2 z_tbUaYPq!RbSyFp44U*G2YkMp>UiJTPHj12xo?3`yf0f+h1yk8K+lJsV6*CtrfTYr zruKHn`95yu`stS_P!CiSn1LN5iJtGR6S&R<)^N(^aplw1_N1ADd-=V-H`ZNeb)OK$ z_1UzUkl9f?I1vlEjP5x+!F-qA37(x(|B&Ma!%z)fY;pjX9qD#VCZhyqrM4QU54>#Q zxH_+A)*gFz$bYaU)ad+r;~==Y+Kf-c;%ol}O07CA*0|RjeCB}_x@hE5)JURI-Kv7E z5&TL-yY-Ass#Ez6*4MCv%7VO7&KdUZ3_C}0nhd%X;I(!nZJccv}bVzKNLF!s9Rzk=9`zR97l*h0UL!5C$VFWY6&0@_8!D#=J zuh)f}N+so`I_YGF0K$(l5>(y!&8kT>61LVcvvHryV7u3u^o*3FJg4@uGYxY+H+z-oCHz##I*&mPV$z(_Z3Hcv~yoXbH zW;TG3LON5PT}M3r&1A) zmi4|0e7+^+--W3vK%@wP7SW%lV_UD+HW0h6?04i=%!z%TyRUZnggPRsYC98OyamG3 ziTn|sHbLPgnks0yk9(2?-{SPWFrsb`HM>LLncjGm@$Xjayualt#FHU^pr??-^~@69 ztu+It|FH~?v2NSUJLpuZr>|*PHuKt~a{uJ)3H{=guTlFUP<{IjMZBd}nUSz@AxX^; z7KV$!VWp++wUv-g(3|3gVVg^$N<2On?_W16G@I9`K8r$vf|#itQQ5^5BtIcjw3$6(tCv2Yo{bnzHQ z1054XneD{0DvBe`Bz!?UpD(gfF~Uay4{?kCRVH$x8(DBFQ(q|FJ^vN=F{71jFqSvg zD*&RK*=X^YTDiJBqu*r7$g_ppH3OF?ohRS!-ZoRmKqZH!UV=3{mZdEY1q$;t7Iy?@ zOJS%q(JVh$mzpncfnJ`9lh?t@2(Pq>q1&AnRRlJjXDVFU{4G zKj4HGxasL0enSje>t~e^j@ic{DOaypt{iGGHE9};M&^m&pwkCyShjpa7J%w~BRKEj zqyKf=)->b(vGUY*wp^y5?5VLth z47pKm!p3_%cDARV$_`|yf|cZ{Un_rhE)F{42UU*76ufG*8a7&R?)5_(4#QpN6D;hX z;NhepdHp}UeJTWgA$EXUQ*NApI`Cps^)*tWfph&AYqD|mE2dhXBN+1`iz-^Gn!pf- z>vBQ(E}O=Pz0unBb7vH%WLs-N4O2L`4itNjRif1_ zCa4dhM_}b6x!!G)q*Tw#6Gax0*15DoThH16IIZAVL__kJR)*ZXVRytqMCegiWzuRG zx2RmRP_-M=Mx^G1og`nH`%ald7;#h=F&yiWkVK=FWvO`5wv*D&+rCCjnbG@})*t_W z2Vk{uTA?nR%HT0~_EY{xjc0&-wTv1Y7(`eljx)j!kGeu1?N%cZi>AQHCydAe1Qlr) zE1B=y{dR`@o;w~%AGLqs$yg}=4DR$m&sOdIDA<4Vu)~gRq`nP#JX^BKsfa7?ZefQV@Hk_c{#wVtM=pppA;+?&1OR{Ii@oE_O#56b zr73Fk0|noNR76}lr_OJ|G?0P~mem%#4FfkvBFTB==N_sxLmY4po@`*u2tSx5Oj5}h zXn{_*P_`uplv6y=L&jyD=J?Sis3aMvNBWIP-F87NR{?p)alu3;UhkZuk`{~k<6x-k zgLVBg(soQPD+RqX(~;@X7@rDGs9SGrOe?yeAb=Pqf~;gK^3NY?p*am2?!&D1L*L(J zr0p1*bW!aHKe&1U@MT2tq}8F(Okuk2q38+$Wg2_*QGTS|NX z6zurJy0=GqK_-;GK_rO^ZfkEV1&CY=q*q?eUk+Euhw^4jxpF1lG?pC~(VP=K%Ly!R z_Iy?U@lEb$qzvaKs-s0~XIotGQ6~aNrMPmuT}DM^F?!xUe)-yG&~&E!%XcNqR9|TS z*Bc@WjI7$9!c0v~8w95hv|@u_t+HLbSV$Fm^O^!+gBWD=rSn^g5mr*4G_4MXZq(HG zJ!oAsX$<6&Fkb!pcxF+eg9l#!U)zvBnZ+5D>_$y!-*GaE2U=r2;=d{pD|# zG);-2MkAV}F0L(1l8hMN(hw+`|1bZf(eh3G%@##T&D7wpn4j$*-w)1`{1+3edPVO< z2>^kPX8Eh2*h9ctOXPk(W^nPQ-)kTA+uxyft)ov@J?6VzL}4Md z+4j5-Y6a*L^w0hAl-=F{$eS5xoZz&?|49v=$xuf2yrN71!N`vf8`gtDrBi7qI-*nX zjlk2Q&-p&4&kR;se!jiRdcl?k7j1%55!*f@)GpbgXjSBK*ck$(v9whZn$0s z_deV>W3hBni1eXasam`dRGaYIF(6SuH3CAh-g?d~)5ialopyZX`od1SS*72x&sjIf zD%Gts+2I17!d&ij-|aCIElye}AYVpUK~4IkwFXCmD8}pw^aSvcA9;IuB9Q!Sng(Q2TkNNlr;K8O^)ARj75LIb+G+#_2uOaci08(Qr zmP~+`56h&h-D`O`zO4GS&=i{Huf1N{Uf$t!y55`k+OPffz>NV+Ce{HWqvd0yR3LfgNhJj9_aU1Gk1K6J2f%OYsN&bThk$ACr%0 z4sMe|1)&|R#MJcfSTx>0tv*k)?sz~6>38PP^i-@!{X=g2<7@ZBTmr)!3W%}164h^@-ujAg8Uf>)~iH!9k&5^^fyF6NOjz;^GaAm?+!Sz@Mz+;ac9*$%o zwuf|j;Vc3Ge_)erirs9UXltthDUp zWnTb2e|ACZjXgKRty2O+vYa;W2%KrZ8om!jZyCMOEM)^oA#JHQQgv3}eFz<9CUVyN zjO%Gb9OW993jxtep?d{iW;sGFx{%gb=KPYE>pXpFgE`HQZm-Y&36=}Da7lqLAz)mrbCDv>Nc@%0N5QHWLv-GA(~B8`VfgL)Yc*)I zID+HD4FiB*WRX)X8q>Ogz;VhQXV|7}4jj|^o2gVeo7bx9I+sYGRiiXCwhKku_y^@y z6ON8rHO5~uu>mXM&*J4?Bnb>H0Z%? zsCfIm7tZ#mYWT@sk?&_pM#SqrCXuA4w_CM?m-R#Cti57(POW?A0}u-XYbVA|GfUKW zej+~L)79!&CK6`x}wT2bf9t(Oz$~DR1q5 z@sVx#>oGFxu#Y3CieeJ?AF#CnM<$i$tL|yGhAYHOMjEtDIJ-%h-Q3fbb&|69X@-a!4&#A`L zzCZ%^z#I)MsHF*BM2>nQ0v*l&GN6y{{IF+z0}>VZ4V#XcO?>pmv~j=%L~M8ZGSDa+ zp%kh>x{dk8sBFzpvbc>(SWCR9?xKa#Df`NvrA_)Z3)rG9m+1=G!k>!#%Vr)I>HW4x z!I0UY>ij?<#j&d6_0##GGMz)Sj<=ek`&Yy#Lp@3FZ^xmr)>C-R&v8}DH=x8_nkAtzHxBrqG) zom~7%{vzdCuQxrJIi;F6V<%IA_UnB6uqhoW?`ppd2`uJN@$AweFvqT~LtUmtL|QRr zGXMPtcV4A{Hh1QvTrPn$71X6DO;a87~!1NXtL9L_;MX~ zVLPe{TePZ&7d0m4@8O~=lI}C-DHlA;b4xBK&ohp-FC9T@(PGR?0ux1swc~t^-(QSs zrUKoq|HYR!gc3>LpU<1s@>1sEFeaVGhLKVRi$G1fsDTzoF6rI^aVxK66;Y($HAGTr zkV~+Zdt8mQrcKM#Oe4{=K-JF-B6;0R29|-sy2xs0q_D=<8?z`%StUD_S#5-mq?=ka z630sIS`K%378*SE$VL~X_Qz#_oq2}bm&x*-v}SqOPRR57`?xI-pCIVmUyTBMYl z_eRd@Hk-O_X~3O55W%^_+(ITX5ltTYUS|yllh51A7*>mY_p=_R=eJ;gC!{(Ct;aIO zrW&v{&=c&CE8KTL*T#-HG}+Q5^NvyZ`y6mq1S^z@C)82SWh<`uK0AuJJvqI?X)V-+ zs%iE#YpfF8ALI)%M=rF0J6z~XOe6WC-U}pU48t0g8-A-)@t(Tg!nr4>3j^6=5B{4` zD6XSMmIH%M4KgV`%>vN zTV%aTWGchCx=vX<8s zhq+NmHOkb>f?I4gC=B!b*{x)KBJs0ou>^HVn7I4}OwAuyD~*4A;gnb(@{={O;)_Md znXVv5&)dP(YOa`0;|^1x8gbPP3&PDiVrJJdH*x8zza`fC#*qxjm#Bl*K#6wAj$ADr z2>A>#DGd7>%P{Q*ZHxdWHSI~pB4&#kS)}2H1Kw4`<5? z`J(NwPzU*%{729ftM^!Uj&aS)CZMaft8G8nJ8$c7c=0jjUN1intWPF2F7#?u_x?vj zwo2vAQ1cxTG^`~6wWiCAD8coI|If&0mjKo4G*Kg-q3g|rFJd)Db2Jp&?|H;NvY^ku zG;IDAtvRazT)ea9iNy5=j+oLJ45z**FM$=!LMN2tnFvoU1|s|azSW@rhKafG;hYC^ zt4OOB?u`?x*2ht=_GhE(*|4VlJRxcYgSKNt!y``2I_9JfW=E86yhAQ<4AYpa*2{*j zGooOaF1_-iDxN*qRVbhK_P4InfS{et(?p#7X1C$}Bb{@_Vu1u5cEtv|I{4xFXgWkv zIx*S{+Ygg0lQ$`!&}V7%@@w-jJY+c89C@QX5qwe*hC9QE#MAkga@E=r_ z7fK;tWEReRc)gSBB!Yem2T0%WmM^t?k<>inwNRg-F$1XNhFMT_ysF&_1{O{xlEAgw z>DDh8_2*q*yBeK@IGUIbKS2bPCcjkD=n%b&pZCsV!E zg%Ueo+keBAkKg((qriH_@J`*d=@_6E8zja6nAV4ZIsW%!-op#lvMX=P!>NalhCoHQ z93z0eCQew002sl_P>Y*))!k<X`ow~?C_I=Pw)}$sYqXG!$J2XC)0%I31l+5Q!w=N=0bcQ@&>i<)>Ysm zbH!CO^TN>~U@ZuTw+00}T(U^C`4n{+Oz`5&#IG6mxI^E_NB_CdKt09hgctG&W!$GH zL&XrvY5F14!5bJf^s{jp%%r33nT#pm1ye=QYyDQJLLX)8Cg;{cG7c{kHa@d&RIb8$ z{#G{QZkY%d%?(>vD;wD@tqimL8LDdci!TLEwAZNx!&LM!wl1Y)P6!{XdGtQSM&(S} zH@}N=cw5Yt8Gio;c+v#)JCgt4A;gK}OSR7KRzr_$&I}OvJZn)bX1C_GphC zo&mLBY!PQTcLCBf|t@pGf~cW*tmQBW7kM zUQHC{i~X)4%cD)GL^jJ^o!WifE!jLE;M?LBJv7nzGJx+>7o7X?Dd(0!_KJ^Jq;M8u z(`!5Cp+0T>e@uO2bfjI-ZFg+jb|!W*v7L!Ev28n<*tR*bGjS%iCbn(s_WP~%-FtuZ zukK#wJoVH$RkdqZ)n4nnNfi1&%?GfAZiKz)&8fx!>9roddf(v4Zb80Sf~$jG< z16%k7OR$O@LgAZp&Qt&apY}Duds&f_#nfS~@~5RfPwZaZprF#qcQ%p@=d{DfE{o&=WHcHJ5Q$O_D#u;j*My~;JVJCK41X#>JWdbWz z+emn!Rz3Ce(XNYkH&`ioHjlWsCx)p%b3cnx_Zg4yy7DE6Cm4*!*gw{xBohE<)7 z&aiM*nK}5OMHrqb2uRAlH|gKbBRW3kvPj&{_|AHq53w5uddR#*B78wn; zBJq3gdAzCxRTmO!vFbOg{5B0J^@k0qz@*EOpI|?8TGla~bD!o4Qct@1%HRBdnMxdr znJoMSu%sI7s39+5*E}m(mu;@-VB#ouR~Ehj%hABP!=>sh1}lJ{lB%u>`hK6`K{K`t zx;KNR88?bLnJyW{4qdR@Q{I8}a5KftZG%L!wfl z>IB`jJgcRp)h_Ou7>77Ny5P?S#}@N%yb zI`$)qx>p{l$>RyJhuf}$Ww8w^k-ehBl4qV#P`D4d;3_&F~-s_DVkLnEGGZz#b+;69y9n> zVl%`ZD+YbP?SIJ|nsqkP<0tP(2R{RL7;ze~D}N$kG4wb*zN2&c+pB*TVqU4FSWE4X zakg%<%O)!>tu@xBH%~X<>ilrCO5OrR?=giwdDW_B&&Dk8oqJDJ&E{Lh$JBwII&B-+ z9ywMn#=d=#)o#fxm=fhn*wsGxg*}i+8|z(UPSM7DRh3a1->2l;OBr9*`$YArWYaq4 z*ZBdM`n=cWW9~$?m{_rd47&cUjLK7il1YdG--Oz}eX&gBTz(D(naY9*>Q`Ue&%`w; z1jAh)EnQIKgAu;WrVgpZ9yb31p ze!hF_nY{~$#pr%wS+xJmzD0vu)a;YLta?S#lRVav?duU`k#;h{63>@(v7yU!pZ+HM4j_fLI^inoI^CU>71J**(MGOmG!h6tUd)ul@x13HwO2PIj#ecjuan8~L6#QiY@{ zz?56FUO+jHRqp5q*Rj_NX~=lYQOQciEV~0kYu7-Yz3{k4Job*RFvIulR6)bf_a+h< zc$MYQQRIMm9UeX&dz zJ4MFNtVX*SI)20#`>u*6e?dUE{;dwmLu@vzoB)Wy6`v8cQ~27S0&RD3d)v}W=TBQG zIsdh|47^lXY?hd)iJUUOUOLp3d^qb(2&S~v5hUeL_jL`uBRg<5naW`;`%HIdcNjdh zv1ib1fiQmcrEIcxJdo6}xNSn=kcBFua{Aa~gwF>-mGmu#-36iaSXIU~>E{?Hc*$$b zx8-yLK}4_(k~?8~)yI`PkWAkV?*EOqo(TA^!LL`;ff`+^-do_L^E0Zu`jN?|5$V4RkXa3* zw*PU+13nVa;9oMXl310MOxrM?!mINW8-Fu5A`#Y%y6q`sEi7~nzy>_@BmOFP^}{@O zUuUUatM#z3KC^ziiGxVRQmCe0VdR5294L-BylIB)@q@l@KN)iYYIEt|8yMe=A%aTl zdVl*YjYfYl_XZmXbu;nhi4`U#MTo$-kjs|g@4kMAlBWQt|L(Xh6Ep-zmsp4WdN%AC zsKQ^gl4w}aO^a9bLvKmM6W#XP@}&hDs3HYK$aT;|p5}P2AuU(Mv3E~;%up3!*7G}U z6?6@PM+*)fqRdH~fTj?nR*}j+cUFd4Wlp&$^v#SB>94SNOJ~s?a7G*$0A@+7{;e;` zSIzUM+RGl5l*#K)T+F)jqIzG=sl1Asaw*uVri*0}OPC`ay0|Zg{tl{QlkhHbAyfMs z9*H)Yk!4?;T%Bz)TIHFe_15^EzUVj!C9YcZZ~dP0YR}eY3;%q90|uZ!oP^kRPM~q* z55gm#9oL>$o^lfnS1Y$>(}~!2f5n&_r{|3ybDyxkSc-eg(!{gyY0*^2?s*GC5IcZE3mXRQ{llHbG6shKTdL zB8`x+gB|$z3E|XL`4MJtsVd18$+`yrrxlD{<7Y#|vy$=bm?Ev0_Gj^J{S8Oer>`?+ zL^uRIXjoNH@HdBFm~V#>UWa64&5+|i8T(g+$OQzj2YSHlS0deP(Qh%a46Esg?c!o{ z^mH$4FM4e3(X*JC%W?h0K=BMHMMC{B-;bI1ZBB`ENs+u&x1pfhVo+SDCZI3^V%IFk z1@msM5B=Tb!WKJP-uX>k=m?phqQ>*x)Rs_ein&kZ(>f@)TU&f{y~A{o1O2L+>Gk0Z z^My=?l~l#8G4}5J@zaBwu)l~~M5RDc`X1RW9kphiB_vrM_^ld_+Q%P|$9$*FRlB+x zAcuwPhqFUZcj#3Yhm&GhAjp&ZpB>U>J5q6&QF}1Q`mAhxo#Tsy9NX1+2_*F7>i=~- z{E|z|ug-(XP5-C1{ctWSAgW=H5J{W2ap^9~r9mA8Gx@eO5bA{DMrlm-JA4O6>iCU* zF35fqvPGCKMo?F%ALsdtu58}^se8z|hw`>^j}zO4ws1TDOG0&1u=_A^JZcH#I}s?d zlAe8iLw}J>(C{_v;Ju|}vA&S+={fo&w{=q(S)mm-nQ$I;F=XwTijkYRio=xBoDZ`nM$6rsi{d^%n2z?`a9iJ=<{y-iGt;E9r!lNfR}Dy z+0%KR$s*ky7)UXuIPvZ03+v@j48Ox_kI6)?iN>OfuVKL6lwbnMIf(!05<5()yilpX`4hZqedzhHxN47Q7w zWWhdaf=|tsEMTI*W0DjWwl1_w7`}3lxMO~PvDnO%=ax$^TC7Qxa!sF ze|aqCgBX$X2UfT&-Aan>&R;@$xl`Y~v9|F)x`lt{g1$ZQCeq} zEax-BSt&6OcI;5O2RrfjVK~2vH>{La=3PCT3y$hnmfaQ}EBG=0@Z7-Io5V?@ajJLc z@hs+ew@O{H7vzrD@C5|Dg@d5xJ3teIAsV`#=)@v(Xo&ml?qD9lV?}r`-{Kk_Jd0Un zRMg37U_klKeJkF{c^G^~fyzW~tYtk{6}}2`jp%mm{6!9LxSulPFtp{(?lf_@vzu)1 zeNz9w`R{~ox-KcLYCjGc+o!Qs^~!H2B5=0A!Fpm69DEB5{0z9E*PRl-tW10 zJ+#f+t+Ynl*x>>5s&W&ELko))AsDVpgnEJAWsKFW$t^WiEC%gQt5+tgX|^W2Iy-pZ z(r^B$x_y}g-bvO=QNvH%Jy{M0)^+~qziielo}AA$3he@?ufevT7dm~*0Oj~Ty&7{7 z7UOq(?mf*GsR=R^R*a>tzh^#ym1DRA5oz)wy)A^X?h{ghB>C1z!)xDC4cL5cAz`oV z71gw;#91CN{QXHZ`c%14VuPw^`Z1Dc(|ACWg4JnVUYRFZC!7!>JP<_4i&Y#|>8Qfl zA=YbsLKliURg)NASZV$_+8fo}3B{CXZn&4ydL?xqf!tO_zQWq-dO0G)f ztJEveX?=GUOF{qJ_rmoY%j0s{X&U7?H%mVI8H8fMfO|ab`S!GvCMh@EQ87;<=%PI1 zB?yIZ;iW%%@WBerc3vQWa#E3i*~Jmh;NaKYsxJK0`|fJlAs0gt5vR!v!-m_i_t&WnBxRbJ{W_Ia=om%pp{}7Nb!R^1+er##XdzV?ev& zuFKkPtcmGQY6O#0)LcoMt8&{F)bphW{V|e-R{3^h0$D3YtJ~M6#nn4j=(ERf&;OPN~Gxy%YaZ}r7zJJjaH6=nHVIHx*|Q^&{etSr7;^yH zyBM?zDSb|`qhKjAkSbL9)_77VXb})HW{~QGw>t5a1+9{cIu7!lQiGv0g z{Q}K6)|I>s^exL8+kXLmE6Mx}j8L2FnMEie>nZUz=FQRp7k8r_gamZ+?4rp1w4~}J zf%o|bPY(m2<@u5CAamlofmIq`hg!e-=$7MOxfwNKm*`PP3FQ+z-%)x9-ojQyMG9)MfJ#(+_YV} z_V_Q<7|*BkVrteI?0caOMUUy550F7Wt+VzO5?~n&T_#uqUvf{Fa4$Z_5Fvhqf19!T zJZ4RWijDZ3`OPrc**q&X$mK=!_!ovo^~A;w=&S}yIa4I6v&4>|fql%^e)YYGy9n@% zT!Iy|5Ef7nY)a`|Awf>}(~vm=_#iPPXFH%ujGx&lF|w-%MD`&f)gHnj5nh6+>rm#4 zI}TD@(DvUBKU z9v!qtbe_wcPY1(kjow-+ccp|3>!UU=zf{}Gy0ZS&u$v_sl$sAqNtl?`K^#yot9B^m zH1HPazeZ!H|3-n@^?dzLvZS^NQm#63_wc5ZN3$kX7>of{1ufDPzSM*n7KT|Rg4;!2 zC^$rk{n+8_w3MWm>(}jyb&W%Luxdi(`=UGqpF#wK9<}0;rq{4oyh^?i_=^fG<_XO< zY)-uN$qY$$2tNt)NQ6pIKIzX7f~I(lS|e1rGZ-fV#hpRp+6;eJf~&xQJlut>Rz^b| zu))H=N_}CJxDt^p)r?5O2&6EHIQm4Y_KZ7EXKrGy-Tv$mMySheEafMXIPRKnZUO8Y zbQ5?hnHUAGpra6+uU!sPOIQgTDB0VuGyt7Rv{&&^;`4Kf_9eGQ{C_^1H9hcdq4QwF z@rdY23-?`)#*o`(DTP|L@Sspmz*V3T;;Lok3`lUrPe-d6I)nqe^HcHcsZ*V5u+p81MRTl*sgAN-|apoRdicEzH znlXN;tO6|&0JDJ{jvpq6m~C+Qhj``nn2%9MWL_+unviqnAIk}pB6@nC3TsAbgwx7> z68=d?tOq~RT57ypyv)zJMyVy-r5_Sq(+?iRpG-^(3KzB7zrc~}5=Al4 zLJ1d&=CTn`0~}QaJAgB$`59E2fUeTer|pG7v_jG^D=Gzh{{U3v2WI;?8PuQ-5g+Da zlO&!{dwkd?%pX%gfY++T*%lhM9~S{xdSZhGTe(ac#??8?^`VVYU+JlbTmbUs=ltpU z8jK31tfQEJonUd`w|`qh?OZ!CHLfAEId_mh;d9qN<*;rGz$oj}rTm2psLFyU6>J)@ zWZh4e9r*i3L_Bj-R;Kc!G+Ta~O;{5!M2|ZXk2i+FU0fSekTED3qvtsI9$pk4E|GL> z!=B!<{hORl{XkElpFtajT2dH~lsIHGh|~I7tp#ft;)>Bm`$2aA%2kPG-i*8kjT6jJ z51B4VhWAEb(CB4DQLqQR*7M*7$SaZV{T)rSLx5FOhC4wYjRi)YTm3|gz%(suN@T|w z4o{tw;Dqk}m|{S$76>O()bUMOM@FJTQ%nwfq!^8atT>vRE)_R=f45bc;dlz!T+B1r z7>agRIK!%fue<*;$E}BY%`Mjf2@x~jlJ=Mv)VA&5Zygu?Wms9?Q-${V*{BwBD&%i% z$cY^IY-feyd}5R3LE(`(l%|#w|4a)lGIlW`<(X0500(#By58uS$>N;8iU}}{ljk&&gW@E6Rw4AZp_VEcUZE?pj_oAi82q@i8e@u%xU1ngJb%An zI0hQ;=Y29u$pw4`t!)}g+hodc%HB0t?N9rX#&-Trlp=(S5%lR%fW^uOgo6l<_O@(a z8&1e`K|^9{T`UR2yI^KfK8=GfKa}#u^Dy-oDyM~!c?Uj#=)@bLmS@MqqhgP;ary#D zM?HAmt}JLgH9$jF26mnu)Ws!!CdmNGs2*qchMPf_m*0genydorgcq(xY05jOyrB)t zC(rr9{#&va(Imt-0ZEiVy+mYilprv6ytNi(y43i{GZYa~{u=Uxg#@Nl;oOmhH811>5pQpn{)ft@PteruZ`jH~X79^yfghFyAT-dEb5IJc;OAE&S_i@cLf(h?lT6VXgXN!5Ujr2=VQ?~yKDnxGIoi8-FTWo9c-j{9sK=p zN@~d(*XtQja3e=4sZud zNl;^!9YjWc%GJBuTBGG9B-+3Rgk*1)ThS-vu6ah!{%gVO4T7@TR{*>ytuUzW9TP{= zh$i%qj4`UsvE8Lknalr%+FJ%y%LiZsLkMHyLercL!3r$BR1hcSoF>jxLT+8YsiFP= z%Kc8%&o=#@zL|5}bG4J(a+j8OViw}gs^B%1xcTSH*g?LgI|!i-uJlR;u2*>>YLG0E zg)ox{G^d3Momn0plgqB7Xqj%TfHj1RNS2GQ>YH)xPqq3-3{&+( z+y=lxR?ppv7R^saB+G|faGL@XVGHpl)5P!-yiz%7V|#xhPCgOOEEfCEsl)ykPOSt1 zgI!_*2-b}4SaOvaYJ`K0=>Vw_ei_E7E`ovsoS@tAWt$yhcB4v%cr$O}z)#+PpDyzF z%@3BHLQ&Xf5@g+Yat6xddA$}5!F@|8BkrFm6GsDT zb1`kcRLL>$Y&EvH@#}BWp1q!&3Nk-B;}f_Jb_Ra3`$CeDf~16Bra&veS@?b znbS_$X7ZpWT#==Crpy^*X^Ie^XWY8~8H<^Q_NMdPHL&F(MBed)2$uV#zTI9e~ z)x!qNK)>FE2Kx5uxdY8}VJWCn`Yuf2But+g^G(d~?R5o69W8Ybvy|Z4-AeFO330_L z0?-?a!4WyQsF>^GDz(0pq>bR1UnT2Z->BND9m*)Wy~@kZsH=~?3lml`zqnDJ_r5|H zn{+M5E2*huN=Fe2My<81wt~N&1cW?c#avOrmRf8K4iN$0)Zr9(<1gnfa+XAAU^iI; zyLlHH&0@5N!*$XC#Wct3!+*!&1+0fVg>%mHL))7QOu!*Yo&?%!Oj%A={&mAw(j6mo z2%s|cm~Rc7Js~gIH3-T0=Ai^qe-`-_vKdcB(uULfJHtF0tQq*j|HbF9lFy4?JZPw} zUH#;yC^#Gx8#5Pz8wRpy4!=#rLugLKi^zzG%#+iw(+vtVW9zgc!|2u*EA-C&>H-!)FNj7u0oy z6&s!L^#@JT_gRD=M;1V@E(Z5X5!md{WkQP#qboSu&;*CJI;Av=P-q`}p^Qk5Qz16u zumuetnE%;f+d73CAttm!jfH-AykLcLJaAf%vb!rKY#&{~c;*JCj)v zvZyvSsws+=8#_XU+@%yInngw-VL}oDWUxT#xX1x+v$0M}Hi>yj7Q;zo4CY*?LIXmd zg_k19D!}yyvYi{_8p4(VzL$Fu$}3!%#}QoF|Cvmy1Z5`T+h$Nz0>!VydIMbXnhhn+I<|t)feW&a zBY7)7x_NqMO}bU?wovN{RN zRI;b6nFEI>65xEq{$!Io^#+L+MFEk>c|4K1uDpwPX?!7={90=%ypUqc{oL}J{yC|x zyHC^Eu5peXuriFhdF+T~%TW|qB%B_EsS^IRI765=W)rR2#jA6gK-Bvq0+| zj$ssaCpN>2^@9)5zYV|wLL7X|V~IUKK#LkuMcNxnl?b`W@{)0W9|6^!IezJx3L<;` zm>*@c`d>Y%c4cwnz~sASUGg`}tVW|li#IYIKZ<3Z8suLQCOKe=Bjx{in(BWiov)%4 zzF5edhb*e+jMUn+VPjO-kmg}5PD>Fc(tU)Da*3M@6%(&$O^=q9dmF+ zKe)VLTfeFDEb{9Ad@!xCJX-_?!F3cBua#?Z-i9VJS@U9w(q#agY03-cTAAVyMz5>} zIqpQjSI#;+U4Ln8p)LyyBe@Q3n5@Xrq=4oLQ-ud;>Wb>4FmRzkzWTg4PRd{o? zH9+>PxRY1ySl{(H8in9Q9u^9e#^vUa?qka8h z9@m8zidp)@yph27C!?kKM=zOlfrsNG~C2A|F%=*}BBts1$UT0M@X(>P1YkWXb~U&fdEArRm> z8A~3fvcv3H)X^;oM*0ZPjp{(aTy1eSlC#n#jw$h&8-@GMTVi4FXK)=BhB$=#;Lk0_ z1=f4v?+FM37SIe#(HB!dW0;lrJwpn?0Ci-N$EoO24|IC>Zn$0a;BmGW-S#Cil!s9e zhspvb?AAIS+UYcMzNhrgw8N^pB1 zc3eu*SFnB(BWq;=LBR#;o&T>$|J2OZ_mqKVS$77(P~5Ll49wo$qaClHeRmO8`_j6Hzn33w4YAbStwTQSH9(ePNp=#fyEf*r|ogfq(?h)<^q6YUu z$LuRDQaTCl*Stor((G_0dN^mJs9D$n$2s(WLtme8XnIuQ}Nq z-eQJ;Xke$Fcjk-3t?rCrUT|KE0{B&9B$(*tWcTcH3^cPfv~w}6*R`2un^?~V|ug2CTym~6Y8w>#?#wcb?Gu5hl=F{DT1IZ13q+HDGyDtp}& z$U)9w19?M1J;ZXD;@$NL{-uYmtUGCel9TF+?!iK>VxC)Ay3dTIznzBL#wIS{DT-2EpRozlO2I>BAd{EH1G6P>RKe{?E+DqEncTSWS1 z6Z}s6fzK$+07@FR4x$lpl#^~wqT8lWw?zm+Zj!=rpXuALY*%(SP}k5%dwxO&fHdcF zN**|xL^=YEz!y#aaMTMq{28@&s(LWjrmjJuBDu$`X~f__M(jE^Xv%kmvEz`%bk~y9 zGI9WF-FLPf@6hThu8=hXx&6T=V&Hw<&t7hIi(96l_k$}q9em5F$dH6dUpR)VfI@@7 z>tLU)OzeJNWIL@tm}sPwq2CiXF?+~2>N~@}6#fegypKE~tM5?&(}n)g@w@0d9o1lL zV95+ry6G7`odvZ(HnyTLz7H1itUtUw_7V0MWUr-CAU&nbxp@CcYC)Jx!%MV}Q^+re zA@N7yA%2VZ0VyOqMNdlgypC+072~zTUTpbx(x*P5j+mJ@wJS@%xs7VKHyN_M9kjAL zg$Fr`!~NzUh2Rf+g0xSxk;?H9e`$Ayx6s$WF~?w&>8zD?A{xEw z6nX3uW;}v;ItQTrgF+ZSEvqMR58DR_8>3fUdQ%#ko)1s6&mU3^U7;&ROM4)9WzA-!AhCm@-6WaMi;C@HO5QFOxu4&kH6*>^R z9;&D0S)JA;2T-J!=PS_^F(w63!AQ^n=YRKd(j)QYRo)naU8GD#m;DAOebB(=>WoD! zh%KnmY9s7(-EC%0XELZ9At6GaVfsK;eZ=l9g(ZccU=t!E(I_reBpPu-O%a$DWn;DW z_+YG-IukfiI@WUbrTTMzhoD}KKcC@<%ih6|GbsRX04;A!SN8N*1|bjuC3#~93>rjcjYtl#vMi}xiE<{Z)^47F??NPv2}`zms^V9$Qq zQ}=K`K6inS#kw3f)7zWXcl+tW`NSQdPelZncZAx#$d6~0^EcgtNDrF|}LCocj25T8jY%~9v=V{E?sOZa%N%ng`WCfVn1=6gB(fc`0*n?IPS z-uuKvb8%KW(ExTm=0(In%JbaJ^H3EkrdWlQ&Pq>*?5&8Es-VHzk81HD6vkb zF?(TP_nY{!^FmnDMzK&%v5(?JH^Hz6i4jhtV6Z|KAud#q1w55pjlY@V%2OnRB(uwg z({LSgK5mD$qCOXX%n-K`mo!B5`2aDqgfoTKk||sW~>^ltw@)7mo1N_i|&dSyv%)<8%K3l8s;1#pfDE~R4D--r2Gh^U@ zMqzIFXyl+1LKsj8I>ZE5`uMqX*!S+5am9Bb0_9KK{C2Vg#+{b_nHn%y-ppAW5wSc6 z8hT)*HF3ZU)l#!I(0fo|loQZyFk!yHoA>badqwsyJ;19%Aq^K$E5Xfzv15+lL#ruf z&nt9;jF;`Y%N%OE>{XRkLlHKkX1DQkiP}e5g5XMyLn>%)7X^V8n?*S$sjDxm%iiG6|(2-#>UVhd~ z!2qJ4&PM`NK)}GL1MP~ZJ7O~;A*b>ItHyXX#}kGt^;{I}T7xhJNqD>*@48*e{O)n1 zs=#CPUn1nSmKNQMMl-`n2x8yu;)gI}Du96pl+h@rVPXW{pr4g|taF{;G9 z033}K5$oxv-!D(8rfN2*GQJyem?{yF20oY%T*O2;y&HcQGOo^EHQCe&4{OIo?4OQs zxMOnUk_M)7VAmq9cSL?ZMSf)2+nU)T!-!|TVnRt^esd`=dqZ7zA`R4l@^~U;HslMR zo_uogB@hd2+d%N!kb3_b4Iz_%yZ!Gz;X?9?Q&F9@dCTAb;lLSf-EAi84GjDQh@f}s zd!?s;S4}s~RbK75oHZMwy|3;{ll}&AEeYW{Wq6M^Y8twEIgNVUJ=5M}sgs_i*1Gsy zq`KbuI2siDBmElWWk1&pMoqNQY|TGJ+;o;&c#_Aojk(Q$?eW@nPrzb z2iO@gqCmK%3IIZ7lv{3IY?K|i=7{sKOuav)<9bY?I?YEfc1eRY(Gc#zoe3xXRYg&|owN(xa{>Ed#73!6hQUASp;qvb&AdfUX*4Tho7!P4}bV3nE zL~(QBi*IG0&4)~kNNOnuhds)mPP5SExRZh)tn*v>UI0$8LQ|vTxLA251s*zE~scG;9GES8I zz`UeT!V1w6OCOwg1JtMW`nF)WW4G4$c`+EbC8yv0hp}icH(}&6fU||qC`OxW75=HK zej~kF#W~HnJpxTeGoVQ=&#TrVJD$GT4tA{w6_4>oMEA=RNkbe6wNmj}pvnLO=0?D_ z#rA>S%+8nXX@}yLkf>N-E=_OH&su10eEuc}u?{q25-9n1B_?_Fxx`~}r{8z&t~V1i zdVB(#UgXgDe-Tvf*irG9=ol^bwk&?H?aaSh41+!BAn-(HS#C7@K&58%tJadvMoy(h zpJh*N`W4aISiON(!=&XST6dpEU_ECeli)@u_!W%B^r>Lx{?4ef>w+>(RhThxOkGHA zJBlx(qxcmyo@Nh+H~(jmg9s1L!>R4n?~lxjgw9{z%EXX=*Id#A8(BH<`uv~Wjm~ZR zyHQf|TvxZlZH~lhDf4CW4$RSQC=jF&iK95B3YMY_MBu0f8Cb8-PzIST(-El%0Wg2h zH8WG1p6EQ%oi|@3Z1HkxE0C9@Q%cZhAt3}x4Og2GRA>oRR^vJA?6*)Ds=O*>G|->& z5D?gMdE-RB$GLYOsOmm)-JSij#fp%DEUh8OpmADwKJvaAzPs|i0zS;r5xlLXg!>jA zMqGv%3@Zu-6@7gk2 zzl;FumS&6JuwN`3#c%yiKJ`ZAl#MR{xpH9l9QY!|=$xWZU_$G<)y007 z+rX&R-(s6ABd(c>I0{G*BFhltC;H`(BL!?Tgk5oOyYI(+HHLvOam=9}b)SLoG0jV1 zjfh_-^{mPZzBAYGJ2EXYQdeTgG;m|Mpe2trp@TA8L)6ov{HW_e>SF=>pudfUd*OFD z%IO_Q_;lm$Uw>c+U0A*U(gn82#ljst$TzyrEdWbL{kC1yxkqsW7Ny zaw;g@h?J*@fi>wumSke#%uvzg#m>_*Nfb4n#qQqkD@X27g=NpmO1g6%T_bdT{ntF_3Ig!*#ZN^$O1JP4)0n6t?-#byH*tq7;CpH z7<34&v4Qm$1e#Rs=Bu5D0ddHP|MVYa)Kga9+{9S}{N1qRxw|iynKacgyHp2qy5HHjc*mlCG22b{gy4d!`Cv-|f(6R9l2RQY5X(`A*Q@cgq7 z6S7MRIi~`;aXVrL6b5oLQ-o#$#PI>wkvyF`q|jH=5+*27R;3Ef5p0>d5(rrdx)dSS zjDRyIIBsv0GJ8|sekRwA%>Mh6UhA+)FZ>-8$(xf&gBHWIyRH8++90X`ai;<;e+u&m-ky-6rAeH}xlc_Sd!OYkC;kc3K@wH6?2-Uaj|Aw$KMqI7{tRWtOR%o8Fi8!RemBft`DN2TAZa;jXw zjk`rF?DlY0wdD9Ns9#XVEr&-v2HyyoMNg9~pDYK(B8&}!KtKrq54K<9(a_3j6t4Vv zm%A$VR(1Y@4p&{x2dGFob+!f16IkKJvpY%{Ua{1QOO80 zEo7vj0kkh~nB#M`I?mK@D-7alTBZ=$961c><-BI8HIowT;-?k9@MAtZTomDN|otdZSIw(2A1V&&ky(Yf2!ct z_MEiT^R%|$c*~Y#t{?uQOjq`C0x<(USb9z#S{0hOQOU&8#ZcPN5`RJ*(=fjR*RkWW zdZOOd$;7yuSSm?YC!S{wy08D#@NsRgm)PHcmzH1Y@1rR;A}m!%xI5Ak5m+Fah1qJ+ zq>V`p8Iho&1jS2HC~?X!B{axX-Mrn(uPA6B2(=NQJ;JH-D3u{qB9-X7_Y0bl)x_fF za?!%^wqsy|x&j=)!HJ_+s3M2}GF-q?ZHrVZA<#rUeSFQQh2j}-b+^g$rI&+VsR$8*Qof89EGjy4&z=b4XLN+MGzH3-q8RS^*V&5{)E6~&3(MMn;5THc-!`t+yP&IDaIAoE1p|6F9Lzzev3eZYcA>#92| z**|@FS_l#N9maKEm{|9=;+Twa>3BikdkUqQ4M}rLR^}Wx z0O0+XkI#sHYv5MMw)>5-(`n-X&a<6Y>s_OuwH?aqY%`;g|5Ivtf+j^CBhu8JuV1Px zNs59%e8X^o`;7fUkZCY_+86Cj@D_Rb<)=okOc|;pzW$Iwe%;6S_)_G3*Nb6vMuq>` zUO39mw!wl7ul>3vX@3dR#hK!!)9_E9;UOUx3>t+v07-eN9HRS3ZeeBm5^g{f)n(->v=S_bge!KI(^ zKv4zr?CpOq{y%XdAxTshg9~-LpK<_N^l!58WlZNQ=U8A+f^>(anOJ4i4An4yPV>ye z7w;;MQ?eEB$&F3)Baa@3T3`gBC?4kv(J9d&lpzT5<8>`G^Xn?Mb!_5!y(KC&$9o&9!%ge5X z$8MrY0L!Aopq5h#bgY$LsvKyosDx>3-R2R2TX6MVu(m_^g$8Wg*EVx^~MB0A3l{)vAUdjYENB{ zK_<@rahMYG)_$T@XsJ&)!Inz?|4*DmL&YF*I-Z^Q1B~~kYr4DVwgh4N0$_Ml;g)XZ z_^8vXrZO(KbJ>* z?EW|!bS^XbT}!k!n22<1O3b=6xLb)y4MIeVO_a38CkZES$3e$2UB>MFupOBVf_!mR zHFgaEzjXYU^33+h(;7!tCcy2VhqjmbmoN;u=weC3z(E@6kN+KX@?jG=1IiL)sY&7t zJ6JgB=%|?$JU)Zc0fe~63dz^K9@Sx|G($*-Qr)$%N<^#rQ}a<_Em`DpDa4Tbyk@NV;x5xILsU0U_byfOUYB@@>T1VYnF+| z2bI$Y_#F!n(D0^zCAwlnTN${Ae5ZePA{npf0K!gg(Hk@Czn=Gq0A~KPfpFYLR!|*O z@lsR6qQmvT;0yBF@;pyUO7@Bsd1CJ8ZzDLqO%x=>aMiq3E!`<)nD;m$G`yG zLGiMV#he#uD29`ebP6)Ltjxd~)Hw;T7Slq_nqKve6od0`$=7|qS~v*KwgZ*P5Kkho z_Lzs1ru7U)RjO1!4GT>{?&$wqt8xfPn$k@F@h^GTUOwb~<9uyDHt_48@5M=n-~%cD z{Ij0sjn!PMw#o#h zKgm$z0!Kz$v}ux+>M2MdK$I#c*xm4zaQ|&+L{px0ny-6ubjE%|c;_cJX7}%~1;aHs z$6c;(|Ia?8;}Fy(A^{+CKIiMM`|Q8=mn6Fk4ZT^DI00>N^@TKVhS(d^mtXrS6+>2v zDO9S}i!I4CS(q3yrWCBS%xp$1zaEX$ZI)XuXijTNbST%~oXQFCnU~ehKa}DxZ$zKA z;_&^h^|HTvKbHU7O-^$&+}Z5X^j&xK*c<`0u5%mVJMrABc`3$68q2_T`9GEKhdUex z+QN%wT|rpB`swZWfbI)9DidDbF9{jlV?uaRPEZ8=av?T$?XQ+iA?kHXA!> zY^TAEjoyx=eb!lXX3w5Ic%Io4TQnuQJ46UUHW48Fd8SMzG8HOX$q{3>0wcY> z;QqvZM6x}4Vg zP!UfJfJ{;PjiUzjht37ltg`arVBS0fFUbz`2NdN#A1IiF#2u4BG^YzMGz%f~rCN?g zg=mwjHMpc3`d0GmDLbl?O2}h!?x_`us7MEK0dmi&%igs*T(ZC6s?#pMrEUZ^8SVLk zz!2x9UjhfX-sS%(F~QzWx)$|h@GhQ44<;e^A_@S3Vp;Ycl)+xgbqe$Hzy?k`N~EW! zBH+L0$xGmTL$G8Il#wNYiaaq0q3Sls#Ffp00U^1S)gLA?>sJ!d*@{HBM@%nyF|n4- zN&9gy=5&D>#r~Xu;`TL+D)V55b!BJBMMbw+*-P)w5EEMuQViO&mp^Zd+BnV}aDRXo zC5@NZ6@mXFxJZy6J$a({gSNi9LJA{6o?c#IMjffXsu~2Fd zJ0)~JIa|d0E$*#Ur{?Fs%?}`~Dwx}PCIA5Kb>SX*XqJ%(1uF0<77|~HAY6tWAUk-s z8;`a}YCi`dq@<56;O>NaMfT#Kdul#$Z2~|o)d<|DZ_UCT+}o{3$uQK1yYY7$(4n?`e^ZiU{DU^AXM1w88CvH!ANg5Wc+8c=qsih)!mPuNF2IH%_>Ee zb;pG8pqvsDp4AjFLK{QbQbtQQL)@zs>2(*Q+uv7-Pu=W#9Q>P?dY;ruCr;a^|4!R} zV4RBfI)%j7e)N#|Ur-owh_B-R#X`jMs~eJ&gx_Z2I{Vww;FQsL22nG|ZX$B=ZUGF0 zBWPT)2HO!Rp~d?dS1;CJg1&}=^D2fl4=`IUhVMjM|3H66ySK9^E{Mfeo?%Bk)IG2a zOl%FgI`g;u!dct%-PeX=-n8PD0;yW<)1m=_2_Q%*ZvTh&uVNHiy;e}0^zAs8`QrTo zOLO}x=vLrv?xW2Pt&%*?@%pkD9~Hx|v38fQ8B0%@=#irybqYi1AVNxqlnnJgtroSM zWFuc7x{;I{G18DU4fh@yyJvC6K^SY4=% zceS^D;b9bNKSYQy!IutZYU7DVhaR`>P*_Zmhc%k}4~87a2~Z+-Ga2?}v6Hdj7tRD; z^c3FDOX4zu;71T51!b=ur?!{fz3o=_ybgSBWcu5zno*4>mRouImZb0sJP2Q(*mWiK zz~{-b2N|+yQ^#l7=>UPH2$aciDe}~~=#bTwVf5j|l?$y!BM}Ywf5huyCo>@k{ao26 z(8vbr>Rvnw>)!Q6qU~_koaJ2AVpyzL4u^hAi^W$3oRlcu1-+SS%tqD1EchudoO{3fp&rxFp;PR;Ph)A8df@UPt zsTROqv`Q&7@&BH7{3TT;6N6>coCgzWoQ$>;?0Jq(*Au!J{u#ji=Sa%O>1juQpztLp z3HA1O$-PkByqpZPhR_AP_+@YPxX@o90tpEUlL zjgpi5@p!MLrfgXAFYKUbjIP-o?n=)G75dxmdx-d0?dMg%4^nVQbvo*UtKU?`w|GBX zta4{6DJn?DRrvn;w;P+(eGNu}MhGSq&7Vz}N69Q^e8e}{6)Xy3KX4>CYWKTZ(q}HJ-hPo-P0Nl0tO+^XekK19z3Z3Q8 zFg#?%u-z|1fwjK!kXZNlC0bsxhk9&-O$?awR4Ef!%i2njBW{%FtS23%p)Rg{`jE~6 zwwlRk!v7-SuLyFGaU$Xv zRI;G_0zV`&GU}7@+uI0;=F^&WQ8e55P^)lPAwo9CJ3N3j(kwO%Yckk2t0!=9d&rD` z`jol-GFGcRnfH|S1UEu-F{|ebFZV}Czofd;758@qdkm>vj?pUD%`>^NH{x{$Gh z0#}%P_-JRRi2aeZwuwf&^cwK5i_wx(p!rLzDp>$cFTc6l{t*r9M{DeHGs`~|@^1+< zZL}r*ODz(+St&RWIy6yktx=V#I-o0{_S7p^9@n#4)l^PVpKZbSYjLVG_KP;7$XI!*X+WPnBQf?Vu$zY?$BxF_=}Ar#qQd8)02!#e*Xur zR&sr8RnoL_HFLAuueLhX`pehFn7HW~^aW?h{7!8=X@2&AXK?f9c*8CTr!Fx7trge& zs&1612ZXO0Yie5(2zrEDUu%23j(2AVXzY7ZD`XHZ5`r$1JjRu(_e~C9VA1KuVSi!- zasKSe*E?^!^|mcJsQ(ddMh<*3pU6>_AV$jIk?PPQ=C%xEEnH9_x}dpgMjg(!=HA8? zgo=+C1E><;<4O6J0ZNdNtKNjCwl&~8WGwb`D<98&OKwHTBs}k&@?~l0YtoR{oiXk? zwiI~}wPA6(!ngtE!w%6pWgkYr2uMC#hu**d@~9pG@{trE*b2Ei9xZtX*qmsQ-0Nk+!tqg-SNEM_- z5T?Y18?t8n(REuOODH>t(wD__=KKqYA9!H-YGkhDaZm%XLt{Z+x-cgqt8C$-3Gi%Q zz-8NBPK9`Dexm^#<7zROR#*i>6?Hczfy%cO!=G?gpI_c|^7oaMOG=fV`Hg!}`^13w z43<=&xB>^S4Wcg|p<8c?Ct_LB+y0n!_9Pkb(}q+C1%K4N=9(?AGxCZ1dCN*u85?4t zZB9=B@!{8Bh1!m}1CIjfv!!}rI+{Y~lFlR2rEnNLv&@PQB$m2J<2SQVRs{O+ZU@*=U#Qckb z=2xfhhkS`}kHJPEZD!#npDYwDv)L|k4a%1zUZo3>`p|)r3_`P$PZAPCPp)g}#w3=zCnCAj}bC_uec@fJ|7!E$Z8J0bFW()%;Lp;um}lZ#GbL zM?MF&=6IVC146ytyS_FA;E35%6b86a*p&0BA@&i7JfY}V#+R(~GZQO*X2wmUq$lse zk$;duI6x;Le{)>Aw`TR$h3v%JH_ZLJ*>on=md@(OLrx>8vTtea6r-BB-E3VdRJ_;C#UbR;1DcA?{=S zHnFFhpis3UZpv*q8npn5R;U}Qr1t?#Ocw;V=x{DPjiRUoAi@iMRs{-x;aOd5R2Xe;J*%A9HGsEo1*;c)hk0-{0SRS5tA!Yt^^sM=DBH02<*im@f}tRmckef-3B4ZSz2v*> zbNJd3uxh*RI`Dyvs|me?w9{<8DQj2(@5(jpAJrEw`mvG-Yc}+MqGEB) zdlrk>(Qqg2spmnh8&hz~q)3F|QhwPug(~oM^S+v$QD%K`6f%9s3s2eLVGk6$o-E z9@cY7@TaG#;i)@jUHI!?;`H$?Km0&6W8-KSai~@z+DF%a9F_bzKEQ3t9viG?uoFG0 zK?=hf#{eFpFM1!VeJ(ERdu6p?t65!b70rf2yXog2mb-Mo1EVK;n?ZFWcOo6$$!CN$ zT<)Gd=7zYy)8{(>?NfQ>?Poxq3r+GQI=F<0C{zzN)fg$$cdX_gV$^|c-%6~{=3iXw zdjDKDw-_|HFxkB?8EB>(RBQhYo`;7u9YC*!|B^38jQ}2ej!H_&?qb2l{wUBZY@W2i zPidN@kdctnTHC*z!+X48akRDZnsY3G5NI)F66tC4x1Mmn+axSJ0KBfX`36VgjsxQ@ z!I=hO7ZuuIG}LDjfe5_k@{3g^_|*`af2k1I+~9zg!Yv@r*g9?KE(y_XM8cJ34YNoW zb;?aSLx}f#v#H;)0c5Yly0IgDAWo(ygzOyTl_jh$)G)^cY$3=(pL$fST2QX44?g!L zGDdbhMDL*3k0JJAiV@~y)IJ*vz1Ca+=8t!MIm!HBljgBhE9b)8^i~*|P6pA40Db6N zYd~j4Xm(%}U>mUyGjeNB{vembIrL9^j`mGqQ8k;Tv1=h1b;;&p*>7xSszDaqAQ4!uY@`-Kf=KO@ zJD$6*xbx=XgG3$_-qtE?7M;8#J~u4mDK(>{;aj1lf1+^}A}D`bTuT}B!dp%0%mvyavMydO9qQi-_kiGQ!SGD8AV&#ecv)CpvfUJHK5zwA=^$EyHpU3GcVcTQK z@`r*GfW2ZNf0JImN+^jBu*amP+R!?;BNwYmQd0N{Q#HXT=j{VaKn!SYH$}a&k2Gdq zgA>w~&7%u&l6$2;+Rn@TEOXq5>3z80`K~!uNy6H=yyz+e>*SViJ+@A#r#YWOr_6um z@@cJg$C6hdtI6QNoY!|jmkm2RNH-OLIG0aCJ(HY?RdZbu5GaK(r(rh#JLywF!a!C$ z5gU*JD~xbRk|A3mL-?)^s+$0_Kx>sP26~znB~D#bGsX zg6wxfA#s=7VlK3xvf+smDD1wAi+5N~cM3rLe!QM;aGr}6CAHnTZ_yjq`xar)jsSy0 zIZxg~yE)dw_&Y*-KtN{;A-Q2%7RFuaB{^B8jTOC*jIHg?DHfE+uT96g%C zU3(8tW^6!e$JGArpbL(~y`+TR8+oMAQuiI(l!MS>Z{q&T_Ji%jV!%$B_#Z3}k2|Y6 z>#-NnGM_R6bdr!=8Lpq_@Y21|JHWKeKwik`LQkZ*!ENA)(J^h7kQA%}2PbEk_*As_ zmD$dhn>?f-9R)Th+i+T&O8tg{?vH!7TZpiIb6t%3k>%`PbH{wqWw~X`gb%2}`kkg& zfem@18PsXIQxa=>L}oBX0cHu*-nAaXDhN$4$ozxt*O>rsP|=)m1EVx9;g_Ic<(+9l z@!6WnEEr|XH;G1|Gd4Fi*{%ZufToQ+aTTD?^Q-s3AZRUbM#7Wvo1T+{G`vT7jj`s3 z1ke?4#GBF>25=P?w>QsBp`v&{ih2qE;zz{PcW1p#l1sH!H3grV!sbVn>y^^kW@~*+ z#E;9wkSYH{u46~Z1h390w6YcP?{7d$r&uGidu@&*i2Z~XNKAK1>E-yNBk7uf_H-Z= z$(vStDQ=GP`kBwbax_z|2Q7B3mGlo)_!W0|$6guH6j5d6_kE^op@BXJoruwvGghSF zaE_jNl^qvnrx&&K5g$U_*5;_+!ld3$GgeH#H{Pzf3%i#=(!Xgo74nCVX=d+XP&f}a zZ~HL%9oyPDzc*1uE)p`VC6RV_KPGIfrLA0`8A2DEhTfriuBuw5D+aB!Ah~xUDV0$a z9Js9Onr5y0B9;`=d&4&d4L3&{a$Hz|+yANZrEg?Z>kX<~u;Srs&gZCp1dS6VX(x1Y_aOIa_F9_-1RZ-&y)g2bvtR-Nds<^R+ z!Rrkko0|kP%%Y~ov16d?Qq0;ljYB?6kmmJN*Kp(qZ@!*uzO4b>OZbbaQOvJ=h|K3|toT$7%xEFSyA zmA{~XrQmmBP_PkOdIZABI@jC>o*INedei1kN@N+mK|-os)8Jn)fr<@T5qMigXM}gI ze?z79Kz-c&-Y&wJPND6dh4;qoH#!+aONppo%yi7wWz~m&*rXbd^eonovsusc)`M^i zL~eyY;Dnw{VNq|+-FciZ(%R{s4ahB1$Z$~^<+{Y?>~Q;)HAyvkiH4qJXAM4_Td4jj zqu#!r9!;e}=Y^d1%ShnN%O(>Y33d6I;qG`HwG>at!+9|x-W7PSTx1u8(cp#8bu=c9YZwmR-AUZ$Nb|Ki* z)G`?IapNIU?%*{O<6<>WDPKnh*MVMY!H$LvS(SF7XyI=@m1LbDLX{g!CI?)jGL8-& zoV0>!M25Uu6D6_`VMY6;-9Q}LqQ?|YZG1DIN2nvyqAxtDr9dQOr9MsFhtECuJ$IV3 z<~7|Og3Q)>oRN^*(kP--qDV^ z4$)OZIuTq34%tP9vyjD*O7MleNpo5HOuIK?+w#qZ$X~LwWyEX{bg332!Z}Iieyriu z9F2w{j@#rW)itn#IE6v6(Pw(ZKn<2*>O(x`Ji1F;%zPtr_tX?WM8`9+Amia}cmXqR z!qZpC_vi<}ip#gqb26owrewH*oIJaDeZ4#l{r4f@zFss}YmtD3XCzD?4Wl3I4fzB{ zLIt_rD!JRC0grr_M-z`Dn~R@?$-HC|Y{IE>5M)UrmADg67i4~m9$&u&xaX;*+ztbi zUrywuOyleH*XCOKPU_qN1_GTuM6f^+16LzYR7*Dl35n=VqfMv_RzwD}CP4%MU)BCr zw>)TD0AMwL2J{wr9)j*mPv!2=jk_9}8zj63_J$Bhm8C8D^X?O6ksJ8hFszDS6m~f3m<2&6b!I* z$bm_6eBu+SYchbaGva#_WreHHKMDb#av`&RcoH*p5LRx|}`;|LB5?GH~;8CD+*R<-hP?Agvg0 zfIh3R!O^PfU~$WXRz>B-#Z5Xw^ERq?c!x+@go>tZ)wyIVTH&Z*OUnTlnL>kZ~3e8JzF=NfdNcp#Ne z48hR0`OdmhnVv^#O1FHUDy(*vMpj=>Xo891m}dk+DA~LsghxiWsA_QzJ-*T9Z(d`A z<*;)T)C-h9X&#-P+3RXt&Ap~RrlOsyuJf*`hY!aPFbt2#V%nD^KjOyVY&sD;wd950 zyyn2>@-XRKedJ;ns|4tUPR%op@yYP-kO0vJ8LhOyzSZ>Kh!I5#PAk16-sCmxOJAp9VfDKzdDu9odc00!N3*8~zuvE%M{8+9R(-SF_f87V|B*2GU zIbdg})Fq^@rtEfs&T*N*6y)#GpS|3qFWn%!UO%y!8sC9+POOi z3VDbiVwPqB54?oCeW->fTgVV!C-KiTqyWR;iKuj);TxCT%-=hk;QPu-OR>{&0D+C9 z0bdl%Rx?ljC}6r8jbGK2QaAcLpghxKpTt3wvF!3u2Dk8OH({e)1Ko6rmkzI|`F@bQ zBS3rTt2fAFXxBc~K0SMGT)WN%X z&9eha4hhOptuyoZ6hNPSQ0^wRHaaU$Rdz<>={Jfn6LRn0L~ee6nVmqGhBM%1e-Rlx zc4tHv>bebu3v{3S7N>FNLcVT;`n@#=Y|(0NbTK5Go`9dIm}k81_sdusrj7rN6C|@0CbcWkt;A|qukCUK5QH?wlU}c@C+GN8gt=wVM@ra zfJ_1BfiM?GGrf4*Am)U@pBkZB!~Xv5+Hs^LeiUUfX=DYlwmUV~7`SyU9HJAW$gSFDZ$cFHRBb_F7i+Aw%JeTF! zcX(7pG6!!|Gbs~=n5&o$v{|v}hA4B+aNA>V)oVw~IBVPD$Fb+hg;0 zmQ#zLR#6^(NwfTNUW*t`)ZPfV5qwcYn9VL$~6 zxtPCQ_+*$|qX$mWtvJ(-xN9y!oEc|ZWp@-SP0YiW$g z6MD=Q$66Vxy5C^i!b%lR)udKT5YKMOeKH$f@{*7#bq(&y+tB;ocpUX<24d83EhlUgSqAX^yhF)IWzztv{cXq$ z3^h#Q=Uy7=OYMmM{3TX$9g=)6=uFD17xv1l%G&zR`{syewlO_M&q}C*)>a2h>Wu=G zp?dc=hH~;FJ8HLr>_6B!dnxtJ{AYHWqBj#PS~k`9{7MfGA5z{a)trgw>lEP7VLBVB z>+G9jW5(E-Z-MOu=d9t*#x&?|+1Zt+(vl!6 zb&KOkGM7&zwL=ASU5d$%lNip#tRFGYei3KBI)KHjtc^s%B6+WZh#X!j8!H?gqn_AI z5(lp_!u?>^aM{6*Mp2QU&Eu5gohB9SQzCC=dYSt&$8v1xgVsnr?k98$^W%Ud3qn4U zJ|afuvGda(y6<43rmJ(NUsa_27~hL=7dA~ge&8=?%N*kP2m&TMP3H~mB&FXMBn?_U zVK8)JpdkhJKv`aCnad*%;y{Y)3zp}2I62jW4C-U~cRl5kMmau!qnVk2uG%#c0Hs#f zK+W+QCL6^L-^IG+w<_XSo~4*!l#i(?{=a}>mzS#}8?XJnBaj+c3g(m`dQX38ZiV8N z1v>p~PW{|kZF}i>27}(>;LJ5`87|Y2>!wFNX{AHzb;R3YjS z3D2vEY~YIxguSvw4rzmSVWzvOQsv}ecwG*?amUyx9ViH@k1ISiDOB-Ett!5&<*=8s z|9d?4+dv1-MM|_$Tp(+W8LKb?3hsrZDu3zb2m-w2G6{_(S1HSPsB0SZb`9WTSRAJ4x_4AAjC*faV5zugC=^exA?iF8(AbV2Kyk77phld2vuC|+)7F0IqB3-;2KCcLwuATVSr7`km zv1~7p)qSi-&q~J+EIv_3?1qaanYN%%`Tel_H5ORF5M6Azv47)Pa7@(3oGCdpkbk|P zyuk5{tw4tXX1i?X$(VZzmjSUe>@JivPd%SiL?24{ddx!+w$0w|eIRCN)idH_*9SbC zT|0V6*_7!s=*J!ED*~m$#()Scv2kWPde%N+DnnYZ)Pmi)GPb<>zJwX^NMPXG1fxTr22be##4>%)~KpL=kGI%)<)#BS?h?8^eoV)zR2kr zqtt+$gO?_8Ed0`WEtcJKJSAFn215QC)~aDKrGB5-Bg#X%ymasSLDm0XrZZjm)(g&} z<0_22%;d-3><}qbJnL?(3ynyrhzSCjE)C9)T?$W*O)il|}P^WlyUC-32p;rb36)3KU;3hQ65*)4#$d-@Q zI@HJO4l1j5n$y7|`P|oYAF%J^co@5zvmL+jTJLVMIP1F#E0(RrbdZ{`+wjQoCjRLk z(SNm6B^B+E`oNHqG8cK+j#Pn58DiMTE6!>oM%RMrl{WDR6>-w>VhT;2A+ ztE;}?1ooI%`_F1MIhR(o-QgL3pmJ?V=NBOI$;zczi*;g%RBf|>5s1eIwP&VOagWY9 z_uwVhHyg$%a;;`w2X_wn5QqfO>`+*ZLN`Pisor>!Zy@F)E)kvIJYdUtUnHqB#XqtF zgdMC*c2q26PZ>O9S6v`|hl+_v@r0*I6`YXAdvO9+<#0oH_}LQ&Kff3C*!%aX@8v@5 zOfN|dZ^ji`NnY+X9G47dLoJY+6U&BLk?KN`GDAc>z>;yd32bS~&a=_QFoI`gYvmmh zrhGDfpFsh1q5Y~XAMJC}nR~~oZTrz(7I-CNLt%p1=g=Xr^@Zh#HIZbflM}WxMOUOR zUBnmpI4V=-dfS3j1ijT5?7v>V+e+5c1_jPwI7h zr(Bm24)R--aV`%Fy@$wfv^DBSqtP;&vq45?4_`o3Elsf!4g&tx#h7~x&)it`X zk-JJND~C@PGqa5gI-k@`U~?0@1%n|+s?0^hOirE^dsK4(gs*NxCO}s*zX}l|P%4na zZ$8}g2zbVc716%ec5x%mR*~P@7hFm{2=de?98WMx_Jl}HB~_3{=pxA(=nXD5w?>4f zrDtBR<3c~@&t_j*@o#>}cXJg=nrqTRGl4&mLjz*_CM`Y0(@tl+tAXi6Q?;5n0tXEC zgmIw(UK0n$>`%VXfVhx~&21L3;958h^HNcJDi=8O_PS6D;MtK(Mpsmn81z~I z8LfeD5VTUA!l!7fF%n=+Hh`7>w#+C8YV5K7CjQMbcOMQ$&AJ-&%Io)W^>abkfn*kD zA#{FMj7U5~5o!nWjh7iCTZ*XKhvG>;5;3-2S>rd@D9IZJKqDp1v@#5hZ#r3%O+zY4 zcbL#c@)ogZz%!pBz6G1-^G|FBmo)o1lnY`n)nf>(A548xgh9&bF=xjXojHD}-Dx7lHj8#$3oEo@;N z+x6A11J+-^F4%TDdj6hKytu!hJO4@W#|FN}d`I848g>RIxG7qU^N{2*T(?`axYW2P zVfb0X6N{*VFTw?OvNghbyw`xFU zI^lce`4{Fxh!kBuzT@t|By915Kz3~ms?DA*4hTzlBPk%4R=Q>e6KSsOfzAD4>^5cb zd3%`agRc*|D}W5gwu0Bz>ep9SEQ-a*(mxJP0*-+IfvRZH&nZrqqSZ8;K$qDZ=x9m@ z`%0aLAj=2d>7-Hz)>|ZrC%GyVhhS*b4=Tz$_{FEUOz zoMWJ7r1^RX(LD^H;9At&`hBV-hj&i4|ZIbDIzYc)!{pd3hHuU=Z`1UgW zYbELcIXw(H8nlJw%yvwPvXTvoprM`(4dWM7k@oJ@jGy*$M(E{6O{qtV9G6$brbIHY zq8kqc;5zg8=_g&trRT~6bwt?lDLIY!p`jp`hyw_%q$eig@P82)r0zu+R+l*+$a+qQ zItsmg5MI#FQTsBVFEzh%*E+P>6AuvCNa!fFN()0HI%Bd?ihtB*$(xyL%7LlP`*LZw zVZS_Zsz)Qe7dFGS8=>>i@Atlsm(XBAxuHiq7`fg-!n-<#})_A|LKY# zM&ufKH~+e(<8=7nn3mle%DL1mQ}w~u>_r4(s``9B8Xtoexjd+#G5Q&eW!G< zY^(t*-iTLZT#gBRZ;ziwW zf^=3$Yj*==>q6adctNg4i3Z}=?{cABzJcPv>BF|IMZf@7NAI4wy687Bz?A#``cWaa z!q*yQ_%N{o9_u>-kXJH{b*R9O&qFrsr*{bWx>NB>@akwxGRbbF%OajUWC-7Ve>UL5 z>g1;%WS}3UofxQ(oB`64AB1%MBfY{?ScO&c<)=)5->yi;_v_dIEFT!Ly;u7 zgexgQY#8htBTa!HU~tSv3&9f>P7CJ10txJNz5rx6H5c>W79%)u4b<2Ds1LXTT~`B> zN8n^VIVxY+cDZUg9bZTgRtHk6>z3Moi!?b8OufS%;OzMf&B~ev z%!OpTpF8^)RP5NeJ$_VEjF{?hNHX`=!-{=)JQ*Geo84|zJE8hlud^uCRy=vMn5o?{ z;>t{6bcI9(pb`_`SBe;e*6XWji2rHw7TTD^eXpxh&b7ea@cyCA(q`MaTDCvX?0AC2 z8tgH@v?xhTeQu&ICDQhm;#(`*bbWcOhy$+b8;@?Msm;GnD-QgDqIxca>cN~z44dD1 zkx`T^!$SI};er!IXixzpxX1n)8L;iBNbC27I9~X^7`Tb>VcH6F+5SX$G18Ln@|9GD zS%SBdP=|#e@^S^%Z?Mu*fUpkY8x>Umv+kJ>&3Xgf3)k3q2tfm51W0aLOh!apkMsvv zb@g9!HeZ;)cYhpNy50iQdw>EZ4K=%H$K@oN~_~JpA|3za)D7=AXfWq;pLNt1WI#m<)Pj zQ_N&rR{wb$Tbl53i)CXCe{m*k!}l2+Z9IoTjcKn6)&B}fXd`tH{bfn`lhT~uK1Pt( zdIMsIRS>vy+hwlE@c+MghgniwmeADKBXV~oAD5)ADP43;(xay3m4^!C_~~_orwAo^ zjC9Mr`VIM>!SE#3a_gpIvGnBkfplCAt7(8du z|0g!?C@qy>2xR3%71%cj&r$UQL4x2Oc&>5dhzC7P{-$8?GmTJ*8kdsyP&Ki3ijkj& zB;IeHsP{mZzCbjdz?C4P#L>K|*!qx8Xz_7f02E+}_4XFfi&vxf0J`evzis=K7X8iv ziZz-tL~$A1vro|IFKnF#biM-D*#fyv6+DGbRo_njsN3QZGSMGPVWS*=kD&}Tqehge zh7-ZySX_`GWE#DUsGGeMgbtN65ojKOQ3zDBS#aoaBS)`)E&Y~5_5W$=B$}4$ofh?% zb_-5lG(ev+tC}}Di<<2^EZCAwngU14-9d<^!G|5d0%zCh*!H*r9UHk4Pmr0;?z(tw zn3J*TFpHcsszYp38Bc)Z^Dsi-F1_CmT^19L07edY1_T4JSr=X@PyGD8A7G@;=>BJ~ zVTCR-UbvIuE z%R{e;mA|vuzoh)!9R3=sp9XZ?j9cw{)l7J{>; zh|S5qTe{1N$)JL@=!U=oq6k^o2~?2KDPuFh;*Q1SlCCo#q$bByJNh@anB)ojkj=N` zLK%n3Lr~Am7&J;ib?Qc(0OWsu=-)XMraB+b8fk9hC0T&cU(bpkHK*!G1{P+>1Zj!O zj)Oku1jrd9g91Q8aLKjh14Lj&FaZ!eDYgh0M#Az!fWmjcg+&q!=1.18", + "scipy>=1.4", + "matplotlib>=3.3", + "scikit-learn>=0.24", + "torch>=1.9", + "torchvision>=0.10.0", + "tqdm>=4.40", + "pyro-ppl>=1.8", + "tikzplotlib==0.9.8", + "tensorboard>=2.2", + "gpytorch>=1.5.1" +] + +dynamic = ["version", "readme"] + +[project.urls] +homepage = "https://github.com/fabiankueppers/calibration-framework" +documentation = "https://fabiankueppers.github.io/calibration-framework" + +[project.license] +file = "LICENSE.txt" + +[tool.setuptools] +packages = ["netcal"] + +[tool.setuptools.dynamic] +version = {attr = "netcal.__version__"} +readme = {file = ["README.md"]} diff --git a/requirements.txt b/requirements.txt new file mode 100644 index 0000000..a637345 --- /dev/null +++ b/requirements.txt @@ -0,0 +1,11 @@ +numpy>=1.18 +scipy>=1.4 +matplotlib>=3.3 +scikit-learn>=0.24 +torch>=1.9 +torchvision>=0.10.0 +tqdm>=4.40 +pyro-ppl>=1.8 +tikzplotlib==0.9.8 +tensorboard>=2.2 +gpytorch>=1.5.1 \ No newline at end of file diff --git a/setup.cfg b/setup.cfg deleted file mode 100644 index 5aef279..0000000 --- a/setup.cfg +++ /dev/null @@ -1,2 +0,0 @@ -[metadata] -description-file = README.rst diff --git a/setup.py b/setup.py index 6469528..0ed50f6 100644 --- a/setup.py +++ b/setup.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -7,25 +7,4 @@ import setuptools -with open("README.rst", "r") as fh: - long_description = fh.read() - -setuptools.setup( - name="netcal", - version="1.2.1", - author="Fabian Kueppers", - author_email="fabian.kueppers@hs-ruhrwest.de", - description="Python Framework to calibrate confidence estimates of classifiers like Neural Networks", - long_description=long_description, - long_description_content_type="text/x-rst", - url="https://github.com/fabiankueppers/calibration-framework", - packages=setuptools.find_packages(), - install_requires = ['numpy>=1.17', 'scipy>=1.3', 'matplotlib>=3.1', 'scikit-learn>=0.21', 'torch>=1.4', 'torchvision>=0.5.0', 'tqdm>=4.40', 'pyro-ppl>=1.3', 'tikzplotlib>=0.9.8', 'tensorboard>=2.2'], - classifiers=[ - "Programming Language :: Python :: 3", - "License :: OSI Approved :: Apache Software License", - "Operating System :: OS Independent", - "Development Status :: 5 - Production/Stable", - "Topic :: Scientific/Engineering :: Artificial Intelligence", - ], -) +setuptools.setup() From b7e48c37b5d288f61215fbfa931a797cfbf8d467 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:39:05 +0200 Subject: [PATCH 02/21] Add README.md files to each subpackage --- netcal/README.md | 3 ++ netcal/binning/README.md | 5 +++ netcal/metrics/README.md | 19 +++++++++++ netcal/presentation/README.md | 15 +++++++++ netcal/regression/README.md | 58 +++++++++++++++++++++++++++++++++ netcal/regularization/README.md | 6 ++++ netcal/scaling/README.md | 10 ++++++ 7 files changed, 116 insertions(+) create mode 100644 netcal/README.md create mode 100644 netcal/binning/README.md create mode 100644 netcal/metrics/README.md create mode 100644 netcal/presentation/README.md create mode 100644 netcal/regression/README.md create mode 100644 netcal/regularization/README.md create mode 100644 netcal/scaling/README.md diff --git a/netcal/README.md b/netcal/README.md new file mode 100644 index 0000000..64d8ff2 --- /dev/null +++ b/netcal/README.md @@ -0,0 +1,3 @@ +# API Reference of net:cal + +For a detailed API reference, visit . \ No newline at end of file diff --git a/netcal/binning/README.md b/netcal/binning/README.md new file mode 100644 index 0000000..12105ed --- /dev/null +++ b/netcal/binning/README.md @@ -0,0 +1,5 @@ +# Binning Methods for Confidence Calibration + +This package consists of several methods for confidence calibration which use binning to approximate +confidence estimates to the measured accuracy. The most common calibration methods within this package +are *netcal.binning.HistogramBinning* and *netcal.binning.IsotonicRegression*. \ No newline at end of file diff --git a/netcal/metrics/README.md b/netcal/metrics/README.md new file mode 100644 index 0000000..748dc33 --- /dev/null +++ b/netcal/metrics/README.md @@ -0,0 +1,19 @@ +# Metrics Package to Measure Miscalibration + +Methods for measuring miscalibration in the context of confidence calibration and regression uncertainty calibration. + +The common methods for confidence calibration evaluation are given with the +*netcal.metrics.confidence.ECE* (ECE), *netcal.metrics.confidence.MCE* (MCE), and +*netcal.metrics.confidence.ACE* (ACE). Each method bins the samples by their confidence and measures the +accuracy in each bin. The ECE gives the mean gap between confidence and observed accuracy in each bin weighted by the +number of samples. The MCE returns the highest observed deviation. The ACE is similar to the ECE but weights +each bin equally. + +The common methods for regression uncertainty evaluation are *netcal.metrics.regression.PinballLoss* (Pinball +loss), the *netcal.metrics.regression.NLL* (NLL), and the *netcal.metrics.regression.QCE* (M-QCE and +C-QCE). The Pinball loss as well as the Marginal/Conditional Quantile Calibration Error (M-QCE and C-QCE) evaluate +the quality of the estimated quantiles compared to the observed ground-truth quantile coverage. The NLL is a proper +scoring rule to measure the overall quality of the predicted probability distributions. + +For a detailed description of the available metrics within regression calibration, see the module doc of +*netcal.regression*. \ No newline at end of file diff --git a/netcal/presentation/README.md b/netcal/presentation/README.md new file mode 100644 index 0000000..9cf7a3b --- /dev/null +++ b/netcal/presentation/README.md @@ -0,0 +1,15 @@ +# Visualization Package + +Methods for the visualization of miscalibration in the scope of confidence calibration and regression uncertainty +calibration. + +This package consists of a *netcal.presentation.ReliabilityDiagram* (Reliability Diagram) method used to +visualize the calibration properties for confidence +calibration in the scope of classification, object detection (semantic label confidence) or segmentation. +Similar to the ACE or ECE, this method bins the samples in equally sized bins by their confidence and +displays the gap between confidence and observed accuracy in each bin. + +For regression uncertainty calibration, this package also holds the *netcal.presentation.ReliabilityRegression* +method that is able to visualize the quantile calibration properties of probabilistic regression models, e.g., within +probabilistic regression or object detection (spatial position uncertainty). +A complementary diagram is the *netcal.presentation.ReliabilityQCE* that visualizes the computation of the *netcal.metrics.regression.QCE* (C-QCE) metric. \ No newline at end of file diff --git a/netcal/regression/README.md b/netcal/regression/README.md new file mode 100644 index 0000000..0972f24 --- /dev/null +++ b/netcal/regression/README.md @@ -0,0 +1,58 @@ +# Probabilistic Regression Calibration Package + +Methods for uncertainty calibration of probabilistic regression tasks. +A probabilistic regression model does not only provide a continuous estimate but also an according uncertainty +(commonly a Gaussian standard deviation/variance). +The methods within this package are able to recalibrate this uncertainty by means of *quantile calibration* [1], +*distribution calibration* [2], or *variance calibration* [3], [4]. + +*Quantile calibration* [1] requires that a predicted quantile for a quantile level *t* covers +approx. *100t%* of the ground-truth samples. + +Methods for *quantile calibration*: + +- *IsotonicRegression* [1]. + +*Distribution calibration* [2] requires that a predicted probability distribution should be equal to the observed +error distribution. This must hold for all statistical moments. + +Methods for *distribution calibration*: + +- *GPBeta* [2]. +- *GPNormal* [5]. +- *GPCauchy* [5]. + +*Variance calibration* [3], [4] requires that the predicted variance of a Gaussian distribution should match the +observed error variance which is equivalent to the root mean squared error. + +Methods for *variance calibration*: + +- *VarianceScaling* [3], [4]. +- *GPNormal* [5]. + +## References + +[1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: + "Accurate uncertainties for deep learning using calibrated regression." + International Conference on Machine Learning. PMLR, 2018. + [Get source online](http://proceedings.mlr.press/v80/kuleshov18a/kuleshov18a.pdf) + +[2] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning. PMLR, 2019. + [Get source online](http://proceedings.mlr.press/v97/song19a/song19a.pdf) + +[3] Levi, Dan, et al.: + "Evaluating and calibrating uncertainty prediction in regression tasks." + arXiv preprint arXiv:1905.11659 (2019). + [Get source online](https://arxiv.org/pdf/1905.11659.pdf) + +[4] Laves, Max-Heinrich, et al.: + "Well-calibrated regression uncertainty in medical imaging with deep learning." + Medical Imaging with Deep Learning. PMLR, 2020. + [Get source online](http://proceedings.mlr.press/v121/laves20a/laves20a.pdf) + +[5] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + ArXiv preprint arXiv:2207.01242, 2022. + [Get source online](https://arxiv.org/pdf/2207.01242.pdf) \ No newline at end of file diff --git a/netcal/regularization/README.md b/netcal/regularization/README.md new file mode 100644 index 0000000..601171b --- /dev/null +++ b/netcal/regularization/README.md @@ -0,0 +1,6 @@ +# Regularization Methods for Confidence Calibration + +Regularization methods which are applied during model training. These methods should achieve a +confidence calibration during model training. For example, the Confidence Penalty +penalizes confident predictions and prohibits over-confident estimates. +Use the functions to obtain the regularization and callback instances with prebuild parameters. \ No newline at end of file diff --git a/netcal/scaling/README.md b/netcal/scaling/README.md new file mode 100644 index 0000000..7b065c0 --- /dev/null +++ b/netcal/scaling/README.md @@ -0,0 +1,10 @@ +# Scaling Methods for Confidence Calibration + +This package consists of several methods for confidence calibration which use confidence scaling to approximate +confidence estimates to observed accuracy. The most common scaling methods are +*netcal.scaling.TemperatureScaling*, *netcal.scaling.LogisticCalibration*, and *netcal.scaling.BetaCalibration*. +Note that all methods can also be applied to object detection and are capable of additional influenting factors +such as object position and/or shape. +The advanced methods *netcal.scaling.LogisticCalibrationDependent* and *netcal.scaling.BetaCalibrationDependent* +are able to better represent possible correlations as the underlying probability distributions are joint +multivariate distributions with possible correlations. \ No newline at end of file From 815e2f559fffa93a558ff0f3ed6cbe07aef8d96f Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:40:28 +0200 Subject: [PATCH 03/21] Update helper files with new statistical methods and helper functions. --- netcal/AbstractCalibration.py | 46 +-- netcal/Context.py | 4 +- netcal/Decorator.py | 4 +- netcal/Helper.py | 560 ++++++++++++++++++++++++++++++++++ netcal/Stats.py | 44 ++- 5 files changed, 614 insertions(+), 44 deletions(-) create mode 100644 netcal/Helper.py diff --git a/netcal/AbstractCalibration.py b/netcal/AbstractCalibration.py index a07aec1..74ae1bd 100644 --- a/netcal/AbstractCalibration.py +++ b/netcal/AbstractCalibration.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -7,13 +7,14 @@ import abc, os import numpy as np -from typing import Union, Tuple, Iterable, List +from typing import Tuple, List, Dict from sklearn.base import BaseEstimator, TransformerMixin import torch import torch.nn.functional as F from netcal import __version__ as version +from .Helper import squeeze_generic from .Decorator import accepts, dimensions @@ -68,7 +69,8 @@ def __init__(self, detection: bool = False, independent_probabilities: bool = Fa class are treated as independent of each other (sigmoid). """ - super().__init__() + BaseEstimator.__init__(self) + TransformerMixin.__init__(self) self.detection = detection self.num_classes = None @@ -124,7 +126,7 @@ def fit(self, X: np.ndarray, y: np.ndarray) -> Tuple[np.ndarray, np.ndarray]: # preprocessing of confidence values given with X # remove single-dimensional entries if present - X = self.squeeze_generic(X, axes_to_keep=0) + X = squeeze_generic(X, axes_to_keep=0) # check shape of input array X and determine number of classes # first case: confidence array is 1-D: binary classification problem @@ -169,7 +171,7 @@ def fit(self, X: np.ndarray, y: np.ndarray) -> Tuple[np.ndarray, np.ndarray]: # preprocessing of ground truth values given with y # remove single-dimensional entries if present - y = self.squeeze_generic(y, axes_to_keep=0) + y = squeeze_generic(y, axes_to_keep=0) # check shape of ground truth array y # array is 2-D: assume one-hot encoded @@ -244,7 +246,7 @@ def transform(self, X: np.ndarray) -> np.ndarray: # preprocessing of confidence values given with X # remove single-dimensional entries if present - X = self.squeeze_generic(X, axes_to_keep=0) + X = squeeze_generic(X, axes_to_keep=0) # got only 1-D array but model was fit for more than 2 classes? if len(X.shape) == 1: @@ -283,7 +285,7 @@ def clear(self): self.num_classes = 2 if self.detection else None self.independent_probabilities = self._default_independent_probabilities - def get_params(self, deep=True): + def get_params(self, deep=True) -> Dict: """ Get parameters for this estimator. @@ -386,34 +388,6 @@ def load_model(self, filename): self.set_params(**params) return self - @classmethod - def squeeze_generic(cls, a: np.ndarray, axes_to_keep: Union[int, Iterable[int]]) -> np.ndarray: - """ - Squeeze input array a but keep axes defined by parameter 'axes_to_keep' even if the dimension is - of size 1. - - Parameters - ---------- - a : np.ndarray - NumPy array that should be squeezed. - axes_to_keep : int or iterable - Axes that should be kept even if they have a size of 1. - - Returns - ------- - np.ndarray - Squeezed array. - - """ - - # if type is int, convert to iterable - if type(axes_to_keep) == int: - axes_to_keep = (axes_to_keep, ) - - # iterate over all axes in a and check if dimension is in 'axes_to_keep' or of size 1 - out_s = [s for i, s in enumerate(a.shape) if i in axes_to_keep or s != 1] - return a.reshape(out_s) - @accepts(np.ndarray, np.ndarray, list, str) def _calc_model_scores(self, confidences: np.ndarray, ground_truth: np.ndarray, model_list: List['AbstractCalibration'], score_function: str = 'BIC') -> np.ndarray: diff --git a/netcal/Context.py b/netcal/Context.py index 2b15013..f8f5f47 100644 --- a/netcal/Context.py +++ b/netcal/Context.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this diff --git a/netcal/Decorator.py b/netcal/Decorator.py index 269aaef..69ddc42 100644 --- a/netcal/Decorator.py +++ b/netcal/Decorator.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this diff --git a/netcal/Helper.py b/netcal/Helper.py new file mode 100644 index 0000000..9aba5a5 --- /dev/null +++ b/netcal/Helper.py @@ -0,0 +1,560 @@ +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Union, Iterable, Tuple +import multiprocessing as mp +import numpy as np + +from scipy.stats import norm, cauchy, chi2 +from scipy.interpolate import interp1d + +from .Decorator import global_accepts, global_dimensions +from .Stats import hpdi + + +@global_accepts((tuple, list)) +def _extract_input(X: Iterable[np.ndarray]) -> Tuple[np.ndarray, np.ndarray, bool]: + """ + Extract input tuple or list. Assert that the input consists of two Numpy arrays containing mean and stddev. + + Parameters + ---------- + X : tuple of two np.ndarray, each of shape (n,) + Input data obtained by a model that performs inference with uncertainty. + Assert X as a tuple of two NumPy arrays with shape (n,) for each array, where the + first array is interpreted as mean and the second one as the according stddev predictions. + cov : bool, optional, default: False + If True, extract covariance matrix on input instead of single independent variances. + + Returns + ------- + tuple of two np.ndarray and bool + Return unpacked mean and stddev/cov and flag if covariance matrix is returned. + """ + + # assert input data and std dev as input + assert len(X) == 2, "If \'X\' is provided with type of {list, tuple}, this methods asserts a length of 2 " \ + "with X[0] as the predicted mean and X[1] as the predicted stddev." + + # extract mean and stddev of parameter X + mean, stddev = X[0], X[1] + + # if both are passed as lists, convert to numpy arrays + mean = squeeze_generic(np.array(mean), axes_to_keep=0) + stddev = squeeze_generic(np.array(stddev), axes_to_keep=0) + + assert len(mean) == len(stddev), "Different amount of samples passed for mean and stddev." + + cov = mean.ndim == stddev.ndim - 1 + if not cov: + assert (stddev > 0).all(), "Found zero or negative stddev." + else: + assert mean.ndim == stddev.ndim - 1, "Asserted covariance matrix, but invalid amount of dimensions passed for mean and cov." + assert (np.diagonal(stddev, axis1=-2, axis2=-1) > 0).all(), "Asserted covariance matrix, but found zero or negative variances in cov." + + return mean, stddev, cov + + +def squeeze_generic(a: np.ndarray, axes_to_keep: Union[int, Iterable[int]]) -> np.ndarray: + """ + Squeeze input array a but keep axes defined by parameter 'axes_to_keep' even if the dimension is + of size 1. + + Parameters + ---------- + a : np.ndarray + NumPy array that should be squeezed. + axes_to_keep : int or iterable + Axes that should be kept even if they have a size of 1. + + Returns + ------- + np.ndarray + Squeezed array. + """ + + # if type is int, convert to iterable + if type(axes_to_keep) == int: + axes_to_keep = (axes_to_keep, ) + + # iterate over all axes in a and check if dimension is in 'axes_to_keep' or of size 1 + out_s = [s for i, s in enumerate(a.shape) if i in axes_to_keep or s != 1] + return a.reshape(out_s) + + +def meanvar( + X: Union[Iterable[np.ndarray], np.ndarray], + y: np.ndarray = None +) -> Union[Tuple[np.ndarray, np.ndarray, bool], Tuple[Tuple[np.ndarray, np.ndarray], np.ndarray, bool]]: + """ + Convert input X to mean and variance. The input might be given either as tuple consisting of NumPy arrays + containing mean and stddev. Alternatively, the input might also consist of multiple stochastic samples obtained + by a sampling algorithm (e.g. MC dropout). + + It is also possible to convert target y scores in {0, 1} to observed frequencies in [0, 1] to convert a + classification to a regression task. For this purpose, the parameters 'classification' and 'bins' control the + conversion of the target scores. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + + Returns + ------- + tuple of np.ndarray (mean, var) if y=None or (mean, var), y if y is given, with additional bool + Mean and variance obtained by X. If y is given, also return the (probably) converted target scores. + Also, always return boolean flag if covariance matrix has been found in input data. + """ + + # extract input if X is given as iterable + if isinstance(X, (tuple, list)): + mean, stddev, cov = _extract_input(X) + + # if covariance matrix estimation is enabled, do not square matrix + if cov: + variance = stddev + else: + variance = np.square(stddev) + + elif isinstance(X, np.ndarray): + # assert input data of multiple stochastic forward passes per sample (e.g. by MC dropout) + assert X.ndim >= 2, "If \'X\' is provided as NumPy array, this methods asserts values obtained by " \ + "multiple stochastic forward passes (e.g. by MC dropout) of shape (R, N, [D]) with " \ + "R forward passes, N number of samples and D dimensions (optional)." + + # TODO: in general, it should be possible to capture covariance matrices here! + mean = np.mean(X, axis=0) # (n, [d]) + variance = np.var(X, axis=0) # (n, [d]) + cov = False + + else: + raise ValueError("Parameter \'X\' must be either of type {list, tuple} with mean and stddev passed or " + "of NumPy array of shape (R, N, [D]) with N number of samples, R stochastic forward " + "passes (e.g. by MC dropout) and D dimensions (optional).") + + # remove data dim if d=1 + mean = squeeze_generic(mean, axes_to_keep=0) + variance = squeeze_generic(variance, axes_to_keep=0) + if y is not None: + y = squeeze_generic(y, axes_to_keep=0) + return (mean, variance), y, cov + else: + return mean, variance, cov + + +@global_dimensions(None, (2, 3)) +def cumulative(X: Union[Iterable[np.ndarray], np.ndarray], y: np.ndarray) -> Tuple[np.ndarray, np.ndarray]: + """ + Get cumulative distribution function at y using the moments passed in X. The input X might be given either as tuple + consisting of NumPy arrays containing mean and stddev. Alternatively, the input might also consist of multiple + stochastic samples obtained by a sampling algorithm (e.g. MC dropout). + + It is also possible to convert target y scores in {0, 1} to observed frequencies in [0, 1] to convert a + classification to a regression task. For this purpose, the parameters 'classification' and 'bins' control the + conversion of the target scores. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (t, n, [d]) + Target scores for each prediction estimate in X. If y has dim t, interpret this dimension as multiple + points on the CDF curve for each sample. + + Returns + ------- + tuple of np.ndarray (t/y, n, d) + Cumulative distribution function of shape (t, n, d). Also return the (probably) converted target scores y. + """ + + # make y at least 3d (with feature dim if not given) + y = np.expand_dims(y, axis=2) if y.ndim == 2 else y # (t, n, d) + + # extract input if X is given as iterable + if isinstance(X, (tuple, list)): + mean, stddev, cov = _extract_input(X) + + # catch covariance input + if cov: + raise RuntimeError("Covariance input is currently not supported for quantile computation.") + + # make mean and stddev at least 2d + mean = mean.reshape((-1, 1)) if mean.ndim == 1 else mean # (n, d) + stddev = stddev.reshape((-1, 1)) if stddev.ndim == 1 else stddev # (n, d) + + # get CDF for the corresponding target scores + ret = norm.cdf(y, loc=mean[None, ...], scale=stddev[None, ...]) # (t, n, d) + + elif isinstance(X, np.ndarray): + # assert input data of multiple stochastic forward passes per sample (e.g. by MC dropout) + assert X.ndim >= 2, "If \'X\' is provided as NumPy array, this methods asserts values obtained by " \ + "multiple stochastic forward passes (e.g. by MC dropout) of shape (R, N, [D]) with " \ + "R forward passes, N number of samples and D dimensions (optional)." + + # make X at least 3d + X = np.expand_dims(X, axis=2) if X.ndim == 2 else X # (r, n, d) + + # get CDF of each distribution by measuring the fraction of samples below target y + ret = np.mean( + X[None, ...] <= y[:, None, ...], # (t, r, n, d) + axis=1, + ) # (t, n, d) + + else: + raise ValueError("Parameter \'X\' must be either of type {list, tuple} with mean and stddev passed or " + "of NumPy array of shape (R, N, [D]) with N number of samples, R stochastic forward " + "passes (e.g. by MC dropout) and D dimensions (optional).") + + return ret, y + + +def _get_density(t, t_mid, pdf): + """ + Helper function for "density_from_cumulative" that performs interpolation for a single sample in a single dim. + """ + + return interp1d( + t_mid, + pdf, + kind="cubic", + bounds_error=False, + fill_value="extrapolate", + )(t) # (t,) + + +def density_from_cumulative(t: np.ndarray, cdf: np.ndarray): + """ + Return the probability density function (PDF) given the respective cumulative (CDF) function. + + Parameters + ---------- + t : np.ndarray of shape (t, n, [d]) + NumPy array that defines the base points (x-axis) of the cumulative distribution function with + t sampling points, n samples and d dimensions. + cdf : np.ndarray of shape (t, n, [d]) + NumPy array with actual cumulative scores for each t with t sampling points, n samples and d dimensions. + + Returns + ------- + np.ndarray of shape (t, n, d) + Probability density function at points t. + """ + + t = np.expand_dims(t, axis=2) if t.ndim == 2 else t + cdf = np.expand_dims(cdf, axis=2) if cdf.ndim == 2 else cdf + + _, n_samples, n_dims = t.shape + + # instead of using diffs built-in prepend method, we manually repeat the first PDF score to obtain + # the same dimension as for CDF + delta_t = np.clip(np.diff(t, axis=0), a_min=np.finfo(np.float32).eps, a_max=None) # (t-1, n, d) + pdf = np.diff(cdf, axis=0) / delta_t # (t-1, n, d) + + # at this point, the density is defined between the sampling points. Use interpolation to scale them back + t_mid = (t[:-1, ...] + t[1:, ...]) / 2 # (t-1, n, d) + + density = [] + for d in range(n_dims): + results = [_get_density(t[:, n, d], t_mid[:, n, d], pdf[:, n, d]) for n in range(n_samples)] + + results = np.stack(results, axis=1) # (t, n) + density.append(results) + + density = np.stack(density, axis=2) # (t, n, d) + + return density + + +def cumulative_moments(t: np.ndarray, cdf: np.ndarray) -> Tuple[np.ndarray, np.ndarray]: + """ + Return mean and variance of a probability distribution that is defined by a cumulative distribution. + + Parameters + ---------- + t : np.ndarray of shape (t, n, [d]) + NumPy array that defines the base points (x-axis) of the cumulative distribution function with + t sampling points, n samples and d dimensions. + cdf : np.ndarray of shape (t, n, [d]) + NumPy array with actual cumulative scores for each t with t sampling points, n samples and d dimensions. + + Returns + ------- + Tuple of 2 np.ndarray, both of shape (n, d) + Mean and variance for each input sample and for each dimension. + """ + + t = np.expand_dims(t, axis=2) if t.ndim == 2 else t + cdf = np.expand_dims(cdf, axis=2) if cdf.ndim == 2 else cdf + + delta_cdf = np.diff(cdf, axis=0) # (t-1, n, [d]) + t = (t[:-1, ...] + t[1:, ...]) / 2 # (t-1, n, [d]) + + mean = np.sum(t * delta_cdf, axis=0) + var = np.sum(np.square(t) * delta_cdf, axis=0) - np.square(mean) + + return mean, var + + +def is_in_quantile( + X: Union[Iterable[np.ndarray], np.ndarray], + y: np.ndarray, + q: Union[float, Iterable[float], np.ndarray], + kind: str +) -> Tuple[np.ndarray, np.ndarray, Tuple[np.ndarray, np.ndarray], np.ndarray, np.ndarray]: + """ + Determine if the ground-truth information :math:`Y` is in the prediction interval of a predicted probabilitiy + distribution specified by :math:`X` for q certain quantile level :math:`\\tau`. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + q : np.ndarray of shape (q,) + Quantile scores in [0, 1] of size q to compute the x-valued quantile boundaries for. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. + In this case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + + Returns + ------- + tuple of 4 np.ndarray + Tuple with four NumPy arras: + (1) Boolean flag for each input sample if ground-truth y is in a certain prediction interval + specified by quantile level q. + (2) Quantile boundaries for each quantile q w.r.t. distributions given by X. Note that we're working with + two-sided quantiles. Thus, we return either the lower or the upper quantile boundary, depending on its + distance to the target score given by Y. + (3) Tuple with lower and upper quantile boundaries. + (4) Parametric mean. + (5) Parametric variance/covariance. + """ + assert kind in ['meanstd', 'cauchy', 'cumulative'], 'Parameter \'kind\' must be either \'meanstd\', or \'cumulative\'.' + + # if quantiles are given as list or float, convert to numpy array + q = squeeze_generic(np.array(q), axes_to_keep=0).reshape((-1,)) # (q,) + alpha = 1. - q # (q,) + + # make y at least 2d + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + if kind == 'cumulative': + + t, cdf = X[0], X[1] # (t, n, [d]) + + # make CDF at least 3d + t = np.expand_dims(t, axis=2) if t.ndim == 2 else t # (t, n, d) + cdf = np.expand_dims(cdf, axis=2) if cdf.ndim == 2 else cdf # (t, n, d) + + alpha = alpha.reshape((-1, 1, 1, 1)) # (q, 1, 1, 1) + + # for the moment, use the nearest point of the curve + # cdf has shape (t, n), q has shape (q,) + nearest_min = np.argmin( + np.abs(cdf[None, ...] - (alpha / 2.)), # (q, t, n, d) + axis=1 + ) # (q, n, d) + + nearest_max = np.argmin( + np.abs(cdf[None, ...] - (1. - (alpha / 2.))), # (q, t, n, d) + axis=1 + ) # (q, n, d) + + # extract the interval boundaries and check if y is within prediction interval + qbounds_min = np.take_along_axis(t, nearest_min, axis=0) # (q, n, d) + qbounds_max = np.take_along_axis(t, nearest_max, axis=0) # (q, n, d) + + in_quantile = (y[None, ...] >= qbounds_min) & (y[None, ...] <= qbounds_max) # (q, n, d) + + # now choose the quantile boundaries that are closer to our ground-truth Y + qbounds_next = np.where( + np.abs(qbounds_min - y[None, ...]) < np.abs(qbounds_max - y[None, ...]), + qbounds_min, + qbounds_max + ) # (q, n, d) + + qbounds = (qbounds_min, qbounds_max) + + # calculate mean and variance from cumulative + mean, var = cumulative_moments(t, cdf) + + # Cauchy distribution is given - check if samples are within two-sided quantile boundaries + elif kind == 'cauchy': + + mode, scale = X[0], X[1] # (t, n, [d]) + + # catch if multivariate Cauchy with correlations is given + if scale.ndim > mode.ndim: + raise RuntimeError("Multivariate Cauchy with correlations is currently not supported.") + + # make mode and scale at least 2d + mode = mode.reshape((-1, 1)) if mode.ndim == 1 else mode # (n, d) + scale = scale.reshape((-1, 1)) if scale.ndim == 1 else scale # (n, d) + + alpha = alpha.reshape((-1, 1, 1)) # (q, 1, 1) + qbounds_min = cauchy.ppf(alpha / 2., loc=mode[None, ...], scale=scale[None, ...]) # (q, n, d) + qbounds_max = cauchy.ppf(1. - (alpha / 2.), loc=mode[None, ...], scale=scale[None, ...]) # (q, n, d) + + in_quantile = (y[None, ...] >= qbounds_min) & (y[None, ...] <= qbounds_max) # (q, n, d) + + # now choose the quantile boundaries that are closer to our ground-truth Y + qbounds_next = np.where( + np.abs(qbounds_min - y[None, ...]) < np.abs(qbounds_max - y[None, ...]), + qbounds_min, + qbounds_max + ) # (q, n, d) + + qbounds = (qbounds_min, qbounds_max) + + # TODO: surrogate fix, edit names! + mean = mode + var = scale ** 2 + + else: + + # get quantile bounds and convert q to numpy array (if not already given) + # extract input if X is given as iterable + if isinstance(X, (tuple, list)): + mean, stddev, cov = _extract_input(X) + + # make mean and stddev at least 2d + mean = mean.reshape((-1, 1)) if mean.ndim == 1 else mean # (n, d) + + # if covariance matrix is given in input, compute the multivariate HDR using the + # Mahalanobis distance and the chi2 test for multivariate normal + if cov: + + # get number of dimensions (necessary for chi2 distribution) + ndims = mean.shape[-1] + + # reshape cov to the right dimensions + cov = np.expand_dims(stddev, axis=-1) if stddev.ndim == 2 else stddev # (n, d, d) + var = cov + + # try matrix inversion and get eigenvalues and eigenvectors to determine the isolines + # of multivariate normal + try: + invcov = np.linalg.inv(cov) # (n, d, d) + except np.linalg.LinAlgError: + raise RuntimeError("Input covariance matrices are not positive semidefinite.") + + # reshape diff to the right dimensions and compute Mahalanobis distance + diff = np.expand_dims(y - mean, axis=-1) # (n, d, 1) + mahalanobis = np.transpose(diff, axes=(0, 2, 1)) @ invcov @ diff # (n, 1, 1) + mahalanobis = np.squeeze(mahalanobis, axis=(1, 2)) # (n,) + + # currently, qbounds is not defined/implemented for multivariate normal distributions + qbounds_next = None + qbounds = (None, None) + + # in the independent case, we also use the Mahalanobis distance but for each dimension separately + else: + + ndims = 1 + stddev = stddev.reshape((-1, 1)) if stddev.ndim == 1 else stddev # (n, d) + + # use the variance to compute the Mahalanobis distance + # in the _extract_input function, we already guarantee nonzero variances + var = np.square(stddev) # (n, d) + mahalanobis = np.divide(np.square(y - mean), var) # (n, d) + + # since we're working with two-sided quantiles, we choose the quantile boundaries that + # are closer to our ground-truth target Y + qbounds_min = norm.ppf( + np.expand_dims(alpha / 2., axis=(1, 2)), # (q, 1, 1) + loc=mean[None, ...], # (1, n, d) + scale=stddev[None, ...] # (1, n, d) + ) # (q, n, d) + + qbounds_max = norm.ppf( + np.expand_dims(1. - (alpha / 2.), axis=(1, 2)), # (q, 1, 1) + loc=mean[None, ...], # (1, n, d) + scale=stddev[None, ...] # (1, n, d) + ) # (q, n, d) + + # now choose the quantile boundaries that are closer to our ground-truth Y + qbounds_next = np.where( + np.abs(qbounds_min - y[None, ...]) < np.abs(qbounds_max - y[None, ...]), + qbounds_min, + qbounds_max + ) + + qbounds = (qbounds_min, qbounds_max) + + # to test for a two-sided quantile coverage, use the (single-sided) chi2 quantile + # and compare with Mahalanobis distance + chi2_bounds = chi2.ppf(q, df=ndims) # (q,) + chi2_bounds = np.expand_dims(chi2_bounds, axis=list(np.array(range(mahalanobis.ndim)) + 1)) # (q, 1, [1]) + + # finally, check if mahalanobis distance is below requested chi2 quantile boundary + # this is valid for two-sided Gaussian quantiles + in_quantile = mahalanobis[None, ...] <= chi2_bounds # (q, n, [d]) + + elif isinstance(X, np.ndarray): + + # assert input data of multiple stochastic forward passes per sample (e.g. by MC dropout) + assert X.ndim >= 2, "If \'X\' is provided as NumPy array, this methods asserts values obtained by " \ + "multiple stochastic forward passes (e.g. by MC dropout) of shape (R, N, [D]) with " \ + "R forward passes, N number of samples and D dimensions (optional)." + + # make X at least 3d + X = np.expand_dims(X, axis=2) if X.ndim == 2 else X # (r, n, d) + + # on inference mode, get two-sided quantile bounds for remapped CDF scores + # use HPDI to get the quantile bounds + qbounds_min, qbounds_max = [], [] + for prob in q: + qbounds_next = hpdi(X, prob=prob, axis=0) # (2, n, d) + qbounds_min.append(qbounds_next[0]) + qbounds_max.append(qbounds_next[1]) + + qbounds_min = np.stack(qbounds_min, axis=0) # (q, n, d) + qbounds_max = np.stack(qbounds_max, axis=0) # (q, n, d) + + in_quantile = (y[None, ...] >= qbounds_min) & (y[None, ...] <= qbounds_max) # (q, n, d) + + # now choose the quantile boundaries that are closer to our ground-truth Y + qbounds_next = np.where( + np.abs(qbounds_min - y[None, ...]) < np.abs(qbounds_max - y[None, ...]), + qbounds_min, + qbounds_max + ) + + qbounds = (qbounds_min, qbounds_max) + + mean = np.mean(X, axis=0) # (n, d) + var = np.var(X, axis=0) # (n, d) + + else: + raise ValueError("Parameter \'X\' must be either of type {list, tuple} with mean and stddev passed or " + "of NumPy array of shape (R, N, [D]) with N number of samples, R stochastic forward " + "passes (e.g. by MC dropout) and D dimensions (optional).") + + return in_quantile, qbounds_next, qbounds, mean, var diff --git a/netcal/Stats.py b/netcal/Stats.py index 7684d02..264e859 100644 --- a/netcal/Stats.py +++ b/netcal/Stats.py @@ -1,7 +1,5 @@ -# Copyright (C) 2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany -# Copyright (C) 2019-2020 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Visteon Electronics Germany GmbH, Kerpen, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -10,6 +8,7 @@ # Parts of this file have been adapted from NumPyro: https://github.com/pyro-ppl/numpyro/blob/master/numpyro/diagnostics.py import numpy as np +import torch def hpdi(x, prob=0.90, axis=0): @@ -47,3 +46,40 @@ def hpdi(x, prob=0.90, axis=0): hpd_right = np.swapaxes(hpd_right, axis, 0) return np.concatenate([hpd_left, hpd_right], axis=axis) + + +def mv_cauchy_log_density(value: torch.Tensor, loc: torch.Tensor, cov: torch.Tensor): + """ + Computes the log of the density function of a multivariate Cauchy distribution at vector "value" for a Cauchy + distribution that is specified by "loc" and "cov". + + Parameters + ---------- + value : torch.Tensor of shape (n, d) + Location at which the log density is calcualted for each sample n with d dimensions. + loc : torch.Tensor of shape (n, d) + Mode/location parameter of the multivariate Cauchy for each sample n with d dimensions. + cov : torch.Tensor of shape (n, d, d) + Covariance matrix of the multivariate Cauchy for each sample n with d dimensions. + + Returns + ------- + torch.Tensor of shape (n,) + Log density of the multivariate Cauchy for each sample n. + """ + + diff = torch.unsqueeze(value - loc, dim=-1) # ([1], n, d, 1) + invcov = torch.linalg.inv(cov) + + n_dims = torch.tensor(loc.shape[-1], dtype=diff.dtype) + + const = torch.lgamma((n_dims + 1) / 2.) - \ + torch.lgamma(torch.tensor(0.5)) - \ + (n_dims / 2) * torch.log(torch.tensor(np.pi)) # scalar + + logdet = 0.5 * torch.logdet(cov) # ([r], n) + mahalanobis = torch.transpose(diff, dim0=-2, dim1=-1) @ invcov @ diff # ([r], n, 1, 1) + + log_density = const - logdet - ((n_dims + 1) / 2.) * torch.log(1. + mahalanobis[..., 0, 0]) # ([r], n) + + return log_density From 965757f6ddf3604276ab7241f87381b15f620b72 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:41:33 +0200 Subject: [PATCH 04/21] Update copyright in binning package. Minor bugfixes in documentation. --- netcal/binning/BBQ.py | 10 ++++++---- netcal/binning/ENIR.py | 10 ++++++---- netcal/binning/HistogramBinning.py | 14 ++++++++------ netcal/binning/IsotonicRegression.py | 10 ++++++---- netcal/binning/NearIsotonicRegression.py | 7 ++++--- netcal/binning/__init__.py | 9 ++++----- 6 files changed, 34 insertions(+), 26 deletions(-) diff --git a/netcal/binning/BBQ.py b/netcal/binning/BBQ.py index a2ea290..17abf89 100644 --- a/netcal/binning/BBQ.py +++ b/netcal/binning/BBQ.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -15,7 +15,9 @@ class BBQ(AbstractCalibration): """ - Bayesian Binning into Quantiles (BBQ) [1]_. This method utilizes multiple :class:`HistogramBinning` + Bayesian Binning into Quantiles (BBQ). + This method has been proposed by [1]_. + This method utilizes multiple :class:`HistogramBinning` instances with different amounts of bins and computes a weighted sum of all methods to obtain a well-calibrated confidence estimate. The scoring function "BDeu", which is proposed in the original paper, is currently not supported. @@ -78,7 +80,7 @@ class are treated as independent of each other (sigmoid). .. [1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. - `Get source online `_ + `Get source online `__ """ diff --git a/netcal/binning/ENIR.py b/netcal/binning/ENIR.py index 3645b2a..aa29388 100644 --- a/netcal/binning/ENIR.py +++ b/netcal/binning/ENIR.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -12,7 +12,9 @@ class ENIR(AbstractCalibration): """ - Ensemble of Near Isotonic Regression (ENIR) models [1]_. These models allow - in contrast to standard + Ensemble of Near Isotonic Regression (ENIR) models. + This method has initially been proposed by [1]_. + These models allow - in contrast to standard :class:`IsotonicRegression` method - a violation of the monotony restrictions. Using the *modified Pool-Adjacent-Violators Algorithm (mPAVA)*, this method build multiple Near Isotonic Regression models and weights them by a certain score function. @@ -74,7 +76,7 @@ class are treated as independent of each other (sigmoid). .. [1] Naeini, Mahdi Pakdaman, and Gregory F. Cooper: "Binary classifier calibration using an ensemble of near isotonic regression models." 2016 IEEE 16th International Conference on Data Mining (ICDM). IEEE, 2016. - `Get source online `_ + `Get source online `__ """ @accepts(str, bool, bool, bool) diff --git a/netcal/binning/HistogramBinning.py b/netcal/binning/HistogramBinning.py index 4f050ee..4293d12 100644 --- a/netcal/binning/HistogramBinning.py +++ b/netcal/binning/HistogramBinning.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -13,7 +13,9 @@ class HistogramBinning(AbstractCalibration): """ - Simple Histogram Binning calibration method [1]_. Each prediction is sorted into a bin + Simple Histogram Binning calibration method. + This method has been proposed by [1]_. + Each prediction is sorted into a bin and assigned its calibrated confidence estimate. This method normally works for binary classification. For multiclass classification, this method is applied into a 1-vs-all manner [2]_. @@ -46,16 +48,16 @@ class are treated as independent of each other (sigmoid). .. [1] Zadrozny, Bianca and Elkan, Charles: "Obtaining calibrated probability estimates from decision trees and naive bayesian classifiers." In ICML, pp. 609–616, 2001. - `Get source online `_ + `Get source online `__ .. [2] Zadrozny, Bianca and Elkan, Charles: "Transforming classifier scores into accurate multiclass probability estimates." In KDD, pp. 694–699, 2002. - `Get source online `_ + `Get source online `__ .. [3] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops. + The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. """ @accepts((int, tuple, list), bool, bool, bool) diff --git a/netcal/binning/IsotonicRegression.py b/netcal/binning/IsotonicRegression.py index f26d85d..12b4ada 100644 --- a/netcal/binning/IsotonicRegression.py +++ b/netcal/binning/IsotonicRegression.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -12,7 +12,9 @@ class IsotonicRegression(AbstractCalibration): """ - Isotonic Regression method [1]_. This method is similar to :class:`HistogramBinning` but with dynamic bin sizes + Isotonic Regression method. + This method has initially been proposed by [1]_. + This method is similar to :class:`HistogramBinning` but with dynamic bin sizes and boundaries. A piecewise constant function gets fit to ground truth labels sorted by given confidence estimates. @@ -33,7 +35,7 @@ class are treated as independent of each other (sigmoid). .. [1] Zadrozny, Bianca and Elkan, Charles: "Transforming classifier scores into accurate multiclass probability estimates." In KDD, pp. 694–699, 2002. - `Get source online `_ + `Get source online `__ """ @accepts(bool, bool) diff --git a/netcal/binning/NearIsotonicRegression.py b/netcal/binning/NearIsotonicRegression.py index d957f85..081b85a 100644 --- a/netcal/binning/NearIsotonicRegression.py +++ b/netcal/binning/NearIsotonicRegression.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -12,7 +12,8 @@ class NearIsotonicRegression(AbstractCalibration): """ - Near Isotonic Regression Calibration method [1]_ (commonly used by :class:`ENIR` [2]_). + Near Isotonic Regression Calibration method. + Has been proposed by [1]_ and is commonly used by :class:`ENIR` [2]_. Parameters ---------- diff --git a/netcal/binning/__init__.py b/netcal/binning/__init__.py index 7d5c0e4..2f6a139 100644 --- a/netcal/binning/__init__.py +++ b/netcal/binning/__init__.py @@ -1,14 +1,13 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -Binning methods for confidence calibration. -This package consists of several methods for confidence calibration which use binning to approximate -confidence estimates to the measured accuracy. +.. include:: /../../netcal/binning/README.md + :parser: myst_parser.sphinx_ Available classes ================= From 4ee2c3971c418a3d8cb8979788662ccfee343630 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:43:59 +0200 Subject: [PATCH 05/21] Make flexible data precision in scaling package depending on the provided data. Update copyright. Minor bugfixes in documentation. --- netcal/scaling/AbstractLogisticRegression.py | 42 +++++++------ netcal/scaling/BetaCalibration.py | 45 +++++++++----- netcal/scaling/BetaCalibrationDependent.py | 38 ++++++++---- netcal/scaling/LogisticCalibration.py | 38 +++++++----- .../scaling/LogisticCalibrationDependent.py | 62 ++++++++++--------- netcal/scaling/TemperatureScaling.py | 19 +++--- netcal/scaling/__init__.py | 9 ++- 7 files changed, 146 insertions(+), 107 deletions(-) diff --git a/netcal/scaling/AbstractLogisticRegression.py b/netcal/scaling/AbstractLogisticRegression.py index 4020d7a..f07b936 100644 --- a/netcal/scaling/AbstractLogisticRegression.py +++ b/netcal/scaling/AbstractLogisticRegression.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -28,7 +28,7 @@ from pyro.optim import Adam, SGD import pyro.distributions as dist -from netcal import AbstractCalibration, dimensions, accepts, manual_seed +from netcal import AbstractCalibration, dimensions, accepts, manual_seed, squeeze_generic class AbstractLogisticRegression(AbstractCalibration): @@ -209,10 +209,15 @@ def prepare(self, X: np.ndarray) -> torch.Tensor: return torch.Tensor(X).to(self._device) @abc.abstractmethod - def prior(self): + def prior(self, dtype: torch.dtype): """ Prior definition of the weights and intercept used for log regression. This function has to set the sites at least for "weights" and "bias". + + Parameters + ---------- + dtype: torch.dtype + Data type of the input data so that the priors are initialized with the same precision. """ raise NotImplementedError() @@ -361,7 +366,7 @@ def fit(self, X: np.ndarray, y: np.ndarray, random_state: int = None, tensorboar self.num_features = X.shape[1] if self.detection else 1 # initialize priors - self.prior() + self.prior(dtype=data.dtype) # mark first dimension as independent for site in self._sites.values(): @@ -447,7 +452,7 @@ def log(kernel, samples, stage, i): warmup_steps=self.mcmc_warmup, num_chains=self.mcmc_chains, hook_fn=log) - mcmc.run(data.float(), y.float()) + mcmc.run(data, y.to(dtype=data.dtype)) # get samples from MCMC chains and store weights samples = mcmc.get_samples() @@ -468,14 +473,10 @@ def variational(self, data: torch.Tensor, y: torch.Tensor, tensorboard: bool, lo NumPy array with ground truth labels as 1-D vector (binary). """ - # explicitly define datatype - data = data.float() - y = y.float() - num_samples = data.shape[0] # create dataset - lr_dataset = torch.utils.data.TensorDataset(data, y) + lr_dataset = torch.utils.data.TensorDataset(data, y.to(dtype=data.dtype)) data_loader = DataLoader(dataset=lr_dataset, batch_size=1024, pin_memory=False) # define optimizer @@ -553,7 +554,7 @@ def MLE(w, x, y): # this might be necessary for the optimizer data = data.double() initial_weights = np.concatenate( - [site['init']['mean'].cpu().numpy().astype(np.float64) for site in self._sites.values()] + [site['init']['mean'].cpu().numpy() for site in self._sites.values()] ) # on detection or binary classification, use binary cross entropy loss and convert target vector to double @@ -581,7 +582,7 @@ def loss_op(x, y): start = 0 for name, site in self._sites.items(): num_weights = len(site['init']['mean']) - site['values'] = result.x[start:start + num_weights].astype(np.float32) + site['values'] = result.x[start:start + num_weights] start += num_weights # on some methods like Beta calibration, it is necessary to repeat the optimization @@ -599,7 +600,7 @@ def loss_op(x, y): start = 0 for name, site in self._sites.items(): num_weights = len(site['init']['mean']) - site['values'] = result.x[start:start + num_weights].astype(np.float32) + site['values'] = result.x[start:start + num_weights] start += num_weights def momentum(self, data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str): @@ -624,7 +625,7 @@ def momentum(self, data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_d criterion = nn.BCEWithLogitsLoss(reduction='mean') # create dataset - lr_dataset = torch.utils.data.TensorDataset(data.double(), y.double()) + lr_dataset = torch.utils.data.TensorDataset(data, y.to(dtype=data.dtype)) data_loader = DataLoader(dataset=lr_dataset, batch_size=batch_size, pin_memory=False) # init model and optimizer @@ -739,7 +740,8 @@ def process_model(weights: dict) -> torch.Tensor: self.to(self._device) # convert input data and weights to torch (and possibly to CUDA) - data = self.prepare(X).float().to(self._device) + data = self.prepare(X).to(self._device) + num_data = data.shape[0] # if weights is 2-D matrix, we are in sampling mode # treat each row as a separate weights vector @@ -766,7 +768,7 @@ def process_model(weights: dict) -> torch.Tensor: # on MLE without uncertainty, only return the single model estimate calibrated = process_model(weights).cpu().numpy() - calibrated = self.squeeze_generic(calibrated, axes_to_keep=0) + calibrated = squeeze_generic(calibrated, axes_to_keep=0) else: parameter = [] @@ -791,7 +793,7 @@ def process_model(weights: dict) -> torch.Tensor: raise ValueError("Internal error: neither MCMC nor variational model given.") # remove unnecessary dims that possibly occur on MCMC or VI - samples = {k: torch.reshape(v, (num_samples, -1)) for k, v in samples.items()} + samples = {k: torch.squeeze(v, dim=1) for k, v in samples.items()} # iterate over all parameter sets for i in range(num_samples): @@ -812,7 +814,7 @@ def process_model(weights: dict) -> torch.Tensor: # stack all calibrated estimates along axis 0 and calculate stddev as well as mean calibrated = torch.stack(calibrated, dim=0).cpu().numpy() - calibrated = self.squeeze_generic(calibrated, axes_to_keep=(0, 1)) + calibrated = squeeze_generic(calibrated, axes_to_keep=(0, 1)) else: # extract all weight values of sites and store into single dict @@ -822,7 +824,7 @@ def process_model(weights: dict) -> torch.Tensor: # on MLE without uncertainty, only return the single model estimate calibrated = process_model(weights).cpu().numpy() - calibrated = self.squeeze_generic(calibrated, axes_to_keep=0) + calibrated = squeeze_generic(calibrated, axes_to_keep=0) # delete torch data tensor del data diff --git a/netcal/scaling/BetaCalibration.py b/netcal/scaling/BetaCalibration.py index 15d3990..cc6c6d3 100644 --- a/netcal/scaling/BetaCalibration.py +++ b/netcal/scaling/BetaCalibration.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -78,6 +78,8 @@ class BetaCalibration(AbstractLogisticRegression): :math:`c=\\sum_k \\log B(\\alpha_k^-, \\beta_k^-) - \\log B(\\alpha_k^+, \\beta_k^+)`. We utilize standard optimization methods to determine the calibration mapping :math:`g(s)`. + Capturing epistemic uncertainty of the calibration method is also able with this implementation [3]_. + Parameters ---------- method : str, default: "mle" @@ -115,11 +117,11 @@ class are treated as independent of each other (sigmoid). .. [1] Kull, Meelis, Telmo Silva Filho, and Peter Flach: "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers" Artificial Intelligence and Statistics, PMLR 54:623-631, 2017 - `Get source online `_ + `Get source online `__ .. [2] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops. + The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. .. [3] Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: "Bayesian Confidence Calibration for Epistemic Uncertainty Modelling." @@ -200,12 +202,17 @@ def prepare(self, X: np.ndarray) -> torch.Tensor: data_input = np.log(data_input) data_input[..., 1] *= -1 - return torch.tensor(data_input) + return torch.from_numpy(data_input) - def prior(self): + def prior(self, dtype: torch.dtype): """ Prior definition of the weights used for log regression. This function has to set the variables 'self.weight_prior_dist', 'self.weight_mean_init' and 'self.weight_stddev_init'. + + Parameters + ---------- + dtype: torch.dtype + Data type of the input data so that the priors are initialized with the same precision. """ self._sites = OrderedDict() @@ -224,10 +231,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.ones(feature_weights), - 'scale': torch.ones(feature_weights) + 'mean': torch.ones(feature_weights, dtype=dtype), + 'scale': torch.ones(feature_weights, dtype=dtype) }, - 'prior': dist.Normal(torch.ones(feature_weights), 10 * torch.ones(feature_weights), validate_args=True), + 'prior': dist.Normal(torch.ones(feature_weights, dtype=dtype), 10 * torch.ones(feature_weights, dtype=dtype), validate_args=True), } # on multiclass classification, we have one weight and one bias for each class separately @@ -236,8 +243,8 @@ def prior(self): num_weights = 2*self.num_classes # initialize weight mean by ones and set prior distribution - init_mean = torch.ones(num_weights) - init_scale = torch.ones(num_weights) + init_mean = torch.ones(num_weights, dtype=dtype) + init_scale = torch.ones(num_weights, dtype=dtype) prior = dist.Normal(init_mean, 10 * init_scale, validate_args=True) # we have constraints on the weights for the confidence @@ -266,10 +273,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.zeros(num_bias), - 'scale': torch.ones(num_bias) + 'mean': torch.zeros(num_bias, dtype=dtype), + 'scale': torch.ones(num_bias, dtype=dtype) }, - 'prior': dist.Normal(torch.zeros(num_bias), 10 * torch.ones(num_bias), validate_args=True) + 'prior': dist.Normal(torch.zeros(num_bias, dtype=dtype), 10 * torch.ones(num_bias, dtype=dtype), validate_args=True) } def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: @@ -302,7 +309,13 @@ def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: # on MCMC sampling, extreme values might occur and can cause an 'inf' # this will result in invalid prob values - catch infs and set to log of max value - weights[torch.isinf(weights)] = torch.log(torch.tensor(torch.finfo(weights.dtype).max)) + weights[torch.isinf(weights)] = torch.log( + torch.tensor( + torch.finfo(weights.dtype).max, + dtype=weights.dtype, + device=weights.device + ) + ) # additional weights are extra weights for extra features (on detection mode) if "feature_weights" in self._sites.keys(): @@ -316,7 +329,7 @@ def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: weights = torch.reshape(weights, (-1, 1)) # compute logits and remove unnecessary dimensions - logit = torch.squeeze(torch.matmul(X, weights) + bias) + logit = torch.squeeze(torch.matmul(X, weights) + bias, dim=1) probs = torch.sigmoid(logit) dist_op = dist.Bernoulli diff --git a/netcal/scaling/BetaCalibrationDependent.py b/netcal/scaling/BetaCalibrationDependent.py index 28e6710..84719b9 100644 --- a/netcal/scaling/BetaCalibrationDependent.py +++ b/netcal/scaling/BetaCalibrationDependent.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -84,6 +84,7 @@ class BetaCalibrationDependent(AbstractLogisticRegression): This is optimized by an Adam optimizer with a learning rate of 1e-3 and a batch size of 256 for 1000 iterations (default). + Capturing epistemic uncertainty of the calibration method is also able with this implementation [3]_. Parameters ---------- @@ -116,7 +117,7 @@ class are treated as independent of each other (sigmoid). ---------- .. [1] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops. + The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. .. [2] Libby, David L., and Melvin R. Novick: "Multivariate generalized beta distributions with applications to utility assessment" @@ -197,12 +198,17 @@ def prepare(self, X: np.ndarray) -> torch.Tensor: # clip seperately due to numerical stability data = np.clip(X, self.epsilon, 1. - self.epsilon) / np.clip((1. - X), self.epsilon, 1. - self.epsilon) - return torch.tensor(data) + return torch.from_numpy(data) - def prior(self): + def prior(self, dtype: torch.dtype): """ Prior definition of the weights used for log regression. This function has to set the variables 'self.weight_prior_dist', 'self.weight_mean_init' and 'self.weight_stddev_init'. + + Parameters + ---------- + dtype: torch.dtype + Data type of the input data so that the priors are initialized with the same precision. """ # number of weights @@ -210,8 +216,8 @@ def prior(self): self._sites = OrderedDict() # initial values for mean, scale and prior dist - init_mean = torch.ones(num_weights).uniform_(1. + self.epsilon, 2.) - init_scale = torch.ones(num_weights) + init_mean = torch.ones(num_weights, dtype=dtype).uniform_(1. + self.epsilon, 2.) + init_scale = torch.ones(num_weights, dtype=dtype) prior = dist.Normal(init_mean, 10 * init_scale, validate_args=True) # we have constraints on the weights to be positive @@ -242,10 +248,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.ones(1) * self.epsilon, - 'scale': torch.ones(1) + 'mean': torch.ones(1, dtype=dtype) * self.epsilon, + 'scale': torch.ones(1, dtype=dtype) }, - 'prior': dist.Normal(torch.zeros(1), 10 * torch.ones(1), validate_args=True), + 'prior': dist.Normal(torch.zeros(1, dtype=dtype), 10 * torch.ones(1, dtype=dtype), validate_args=True), } def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: @@ -283,7 +289,13 @@ def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: # on MCMC sampling, extreme values might occur and can cause an 'inf' # this will result in invalid prob values - catch infs and set to log of max value - weights[torch.isinf(weights)] = torch.log(torch.tensor(torch.finfo(weights.dtype).max)) + weights[torch.isinf(weights)] = torch.log( + torch.tensor( + torch.finfo(weights.dtype).max, + dtype=weights.dtype, + device=weights.device + ) + ) # the first dimension of the given input data is the "independent" sample dimension with pyro.plate("data", X.shape[0]): @@ -315,8 +327,8 @@ def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: log_sum_lower_neg = torch.log(1. + torch.sum(lambda_neg * X, dim=1)) lower_part = (sum_alpha_neg * log_sum_lower_neg) - (sum_alpha_pos * log_sum_lower_pos) - # combine both parts and bias to logits - logit = torch.squeeze(bias + upper_part + lower_part) + # combine both parts and bias to logitsŝ + logit = bias + upper_part + lower_part # if MLE, (slow) sampling is not necessary. However, this is needed for 'variational' and 'mcmc' if self.method in ['variational', 'mcmc']: diff --git a/netcal/scaling/LogisticCalibration.py b/netcal/scaling/LogisticCalibration.py index f7120ae..c0e06aa 100644 --- a/netcal/scaling/LogisticCalibration.py +++ b/netcal/scaling/LogisticCalibration.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -69,6 +69,9 @@ class LogisticCalibration(AbstractLogisticRegression): with bias :math:`c \\in \\mathbb{R}`. We utilize standard optimization methods to determine the calibration mapping :math:`g(s)`. + Capturing epistemic uncertainty of the calibration method is also able with this implementation [4]_. + + Parameters ---------- temperature_only : bool, default: False @@ -108,16 +111,16 @@ class are treated as independent of each other (sigmoid). .. [1] Platt, John: "Probabilistic outputs for support vector machines and comparisons to regularized likelihood methods." Advances in large margin classifiers 10.3: 61-74, 1999 - `Get source online `_ + `Get source online `__ .. [2] Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: "On Calibration of Modern Neural Networks." Proceedings of the 34th International Conference on Machine Learning-Volume 70. JMLR. org, 2017. - `Get source online `_ + `Get source online `__ .. [3] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops. + The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. .. [4] Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: "Bayesian Confidence Calibration for Epistemic Uncertainty Modelling." @@ -185,12 +188,17 @@ def prepare(self, X: np.ndarray) -> torch.Tensor: else: data_input = self._inverse_softmax(X) - return torch.Tensor(data_input) + return torch.from_numpy(data_input) - def prior(self): + def prior(self, dtype: torch.dtype): """ Prior definition of the weights used for log regression. This function has to set the variables 'self.weight_prior_dist', 'self.weight_mean_init' and 'self.weight_stddev_init'. + + Parameters + ---------- + dtype: torch.dtype + Data type of the input data so that the priors are initialized with the same precision. """ self._sites = OrderedDict() @@ -201,10 +209,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.ones(1), - 'scale': torch.ones(1) + 'mean': torch.ones(1, dtype=dtype), + 'scale': torch.ones(1, dtype=dtype) }, - 'prior': dist.Normal(torch.ones(1), 10 * torch.ones(1), validate_args=True) + 'prior': dist.Normal(torch.ones(1, dtype=dtype), 10 * torch.ones(1, dtype=dtype), validate_args=True) } else: @@ -225,10 +233,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.ones(num_weights), - 'scale': torch.ones(num_weights) + 'mean': torch.ones(num_weights, dtype=dtype), + 'scale': torch.ones(num_weights, dtype=dtype) }, - 'prior': dist.Normal(torch.ones(num_weights), 10 * torch.ones(num_weights), validate_args=True), + 'prior': dist.Normal(torch.ones(num_weights, dtype=dtype), 10 * torch.ones(num_weights, dtype=dtype), validate_args=True), } # set properties for "bias" @@ -239,7 +247,7 @@ def prior(self): 'mean': torch.zeros(num_bias), 'scale': torch.ones(num_bias) }, - 'prior': dist.Normal(torch.zeros(num_bias), 10 * torch.ones(num_bias), validate_args=True), + 'prior': dist.Normal(torch.zeros(num_bias, dtype=dtype), 10 * torch.ones(num_bias, dtype=dtype), validate_args=True), } def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: @@ -279,7 +287,7 @@ def logit_op(x, w, b): return torch.squeeze(torch.sum(torch.mul(x, w), dim=1)) # platt scaling: one weight for each feature given else: weights = torch.reshape(weights, (-1, 1)) - def logit_op(x, w, b): return torch.squeeze(torch.matmul(x, w) + b) + def logit_op(x, w, b): return torch.squeeze(torch.matmul(x, w) + b, dim=1) # define as probabilistic output the sigmoid and a bernoulli distribution prob_op = torch.sigmoid diff --git a/netcal/scaling/LogisticCalibrationDependent.py b/netcal/scaling/LogisticCalibrationDependent.py index 40c9e25..9c78d6a 100644 --- a/netcal/scaling/LogisticCalibrationDependent.py +++ b/netcal/scaling/LogisticCalibrationDependent.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -58,8 +58,8 @@ class LogisticCalibrationDependent(AbstractLogisticRegression): .. math:: - \\ell r(s) = \\log \\frac{\\Sigma^-}{\\Sigma^+} - + \\frac{1}{2} (s_-^T \\Sigma_-^{-1}s^-) - (s_+^T \\Sigma_+^{-1}s^+), + \\ell r(s) = \\log \\frac{|\\Sigma^-|}{|\\Sigma^+|} + + \\frac{1}{2} \\Big[ (s_-^T \\Sigma_-^{-1}s^-) - (s_+^T \\Sigma_+^{-1}s^+) \\Big], with :math:`s^+ = s - \\mu^+` and :math:`s^- = s - \\mu^-`. @@ -71,6 +71,8 @@ class LogisticCalibrationDependent(AbstractLogisticRegression): instead of estimating :math:`\\Sigma` directly. This guarantees both requirements. + Capturing epistemic uncertainty of the calibration method is also able with this implementation [3]_. + Parameters ---------- method : str, default: "mle" @@ -102,12 +104,12 @@ class are treated as independent of each other (sigmoid). ---------- .. [1] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops. + The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. .. [2] Kull, Meelis, Telmo Silva Filho, and Peter Flach: "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers" Artificial Intelligence and Statistics, PMLR 54:623-631, 2017 - `Get source online `_ + `Get source online `__ .. [3] Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: "Bayesian Confidence Calibration for Epistemic Uncertainty Modelling." @@ -194,20 +196,25 @@ def prepare(self, X: np.ndarray) -> torch.Tensor: # on detection mode, convert confidence to sigmoid and append the remaining features data_input = np.concatenate((self._inverse_sigmoid(X[:, 0]).reshape(-1, 1), X[:, 1:]), axis=1) - return torch.Tensor(data_input) + return torch.from_numpy(data_input) - def prior(self): + def prior(self, dtype: torch.dtype): """ Prior definition of the weights used for log regression. This function has to set the variables 'self.weight_prior_dist', 'self.weight_mean_init' and 'self.weight_stddev_init'. + + Parameters + ---------- + dtype: torch.dtype + Data type of the input data so that the priors are initialized with the same precision. """ # number of weights num_weights = 2 * (self.num_features ** 2 + self.num_features) # prior estimates for decomposed inverse covariance matrices and mean vectors - decomposed_inv_cov_prior = torch.diag(torch.ones(self.num_features)) - mean_mean_prior = torch.ones(self.num_features) + decomposed_inv_cov_prior = torch.diag(torch.ones(self.num_features, dtype=dtype)) + mean_mean_prior = torch.ones(self.num_features, dtype=dtype) # initial stddev for all weights is always the same weights_mean_prior = torch.cat((decomposed_inv_cov_prior.flatten(), @@ -223,9 +230,9 @@ def prior(self): 'constraint': constraints.real, 'init': { 'mean': weights_mean_prior, - 'scale': torch.ones(num_weights) + 'scale': torch.ones(num_weights, dtype=dtype) }, - 'prior': dist.Normal(weights_mean_prior, 10 * torch.ones(num_weights), validate_args=True), + 'prior': dist.Normal(weights_mean_prior, 10 * torch.ones(num_weights, dtype=dtype), validate_args=True), } # set properties for "bias" @@ -233,10 +240,10 @@ def prior(self): 'values': None, 'constraint': constraints.real, 'init': { - 'mean': torch.zeros(1), - 'scale': torch.ones(1) + 'mean': torch.zeros(1, dtype=dtype), + 'scale': torch.ones(1, dtype=dtype) }, - 'prior': dist.Normal(torch.zeros(1), 10 * torch.ones(1), validate_args=True), + 'prior': dist.Normal(torch.zeros(1, dtype=dtype), 10 * torch.ones(1, dtype=dtype), validate_args=True), } def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: @@ -279,28 +286,27 @@ def model(self, X: torch.Tensor = None, y: torch.Tensor = None) -> torch.Tensor: # get logits by calculating gaussian ratio between both distributions # calculate covariance matrices # COV^(-1) = V^(-1) * V^(-1,T) - inverse_cov_pos = torch.matmul(decomposed_inv_cov_pos, decomposed_inv_cov_pos.transpose(1, 0)) - inverse_cov_neg = torch.matmul(decomposed_inv_cov_neg, decomposed_inv_cov_neg.transpose(1, 0)) + inverse_cov_pos = torch.matmul(decomposed_inv_cov_pos, decomposed_inv_cov_pos.transpose(1, 0)) # (d, d) + inverse_cov_neg = torch.matmul(decomposed_inv_cov_neg, decomposed_inv_cov_neg.transpose(1, 0)) # (d, d) # calculate data without means difference_pos = X - mean_pos difference_neg = X - mean_neg # add a new dimensions. This is necessary for torch to distribute dot product - difference_pos = torch.unsqueeze(difference_pos, 2) - difference_neg = torch.unsqueeze(difference_neg, 2) - - logit = 0.5 * (torch.matmul(difference_neg.transpose(2, 1), - torch.matmul(inverse_cov_neg, difference_neg)) - - torch.matmul(difference_pos.transpose(2, 1), - torch.matmul(inverse_cov_pos, difference_pos)) - ) + difference_pos = torch.unsqueeze(difference_pos, 2) # (n, d, 1) + difference_neg = torch.unsqueeze(difference_neg, 2) # (n, d, 1) - # remove unnecessary dimensions - logit = torch.squeeze(logit) + logit = 0.5 * (torch.matmul( + difference_neg.transpose(2, 1), + torch.matmul(inverse_cov_neg, difference_neg) + ) - torch.matmul( + difference_pos.transpose(2, 1), + torch.matmul(inverse_cov_pos, difference_pos) + )) # (n, 1, 1) # add bias ratio to logit - logit = bias + logit + logit = bias + logit[:, 0, 0] # if MLE, (slow) sampling is not necessary. However, this is needed for 'variational' and 'mcmc' if self.method in ['variational', 'mcmc']: diff --git a/netcal/scaling/TemperatureScaling.py b/netcal/scaling/TemperatureScaling.py index 3fbd814..a2589e7 100644 --- a/netcal/scaling/TemperatureScaling.py +++ b/netcal/scaling/TemperatureScaling.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -10,8 +10,10 @@ class TemperatureScaling(LogisticCalibration): """ - On classification or detection, apply the temperature scaling method described in [1]_ to obtain a - calibration mapping. For confidence calibration in classification tasks, a + On classification or detection, apply the temperature scaling method to obtain a + calibration mapping. + This method has been proposed by [1]_. + For confidence calibration in classification tasks, a confidence mapping :math:`g` is applied on top of a miscalibrated scoring classifier :math:`\\hat{p} = h(x)` to deliver a calibrated confidence score :math:`\\hat{q} = g(h(x))`. @@ -31,6 +33,7 @@ class TemperatureScaling(LogisticCalibration): softmax operator (multiclass classification). We utilize standard optimization methods to determine the calibration mapping :math:`g(s)`. + Capturing epistemic uncertainty of the calibration method is also able with this implementation [2]_. Parameters ---------- @@ -69,13 +72,9 @@ class are treated as independent of each other (sigmoid). .. [1] Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: "On Calibration of Modern Neural Networks." Proceedings of the 34th International Conference on Machine Learning-Volume 70. JMLR. org, 2017. - `Get source online `_ + `Get source online `__ - .. [2] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: - "Multivariate Confidence Calibration for Object Detection." - The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - - .. [3] Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: + .. [2] Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: "Bayesian Confidence Calibration for Epistemic Uncertainty Modelling." 2021 IEEE Intelligent Vehicles Symposium (IV), 2021 """ diff --git a/netcal/scaling/__init__.py b/netcal/scaling/__init__.py index 3f59139..b971847 100644 --- a/netcal/scaling/__init__.py +++ b/netcal/scaling/__init__.py @@ -1,14 +1,13 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -Scaling methods for confidence calibration. -This package consists of several methods for confidence calibration which use confidence scaling to approximate -confidence estimates to observed accuracy. +.. include:: /../../netcal/scaling/README.md + :parser: myst_parser.sphinx_ Available classes ================= From 992785c51e10eda3531f8e4bdfdd3b37878d3d54 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:46:29 +0200 Subject: [PATCH 06/21] Update copyright in regularization package. Minor bugfixes in documentation. --- netcal/regularization/ConfidencePenalty.py | 16 +++++++++++----- netcal/regularization/DCAPenalty.py | 10 +++++----- netcal/regularization/MMCEPenalty.py | 12 ++++++------ netcal/regularization/__init__.py | 11 +++++------ 4 files changed, 27 insertions(+), 22 deletions(-) diff --git a/netcal/regularization/ConfidencePenalty.py b/netcal/regularization/ConfidencePenalty.py index 2fea60e..6769dfc 100644 --- a/netcal/regularization/ConfidencePenalty.py +++ b/netcal/regularization/ConfidencePenalty.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -39,7 +39,7 @@ def confidence_penalty(X: np.ndarray, weight: float, threshold: float = None, ba .. [1] G. Pereyra, G. Tucker, J. Chorowski, Lukasz Kaiser, and G. Hinton: “Regularizing neural networks by penalizing confident output distributions.” CoRR, 2017. - `Get source online `_ + `Get source online `__ """ epsilon = np.finfo(np.float32).eps @@ -79,7 +79,7 @@ class ConfidencePenalty(_Loss): .. [1] G. Pereyra, G. Tucker, J. Chorowski, Lukasz Kaiser, and G. Hinton: “Regularizing neural networks by penalizing confident output distributions.” CoRR, 2017. - `Get source online `_ + `Get source online `__ """ epsilon = 1e-12 @@ -91,7 +91,13 @@ def __init__(self, weight: float = 1.0, threshold: float = -1., reduction='mean' self.weight = weight self.threshold = threshold - def forward(self, input: torch.Tensor): + @staticmethod + def entropy(input: torch.Tensor, calibrated: torch.Tensor) -> torch.Tensor: + """ Cross entropy between input tensor and calibrated counter part """ + + return -calibrated * torch.log(input) + + def forward(self, input: torch.Tensor, *ig_args, **ig_kwargs): """ Forward call. Additional arguments and keyword-arguments are ignored. """ probs = torch.clamp(torch.softmax(input, dim=1), self.epsilon, 1.-self.epsilon) diff --git a/netcal/regularization/DCAPenalty.py b/netcal/regularization/DCAPenalty.py index 52aecb1..e510407 100644 --- a/netcal/regularization/DCAPenalty.py +++ b/netcal/regularization/DCAPenalty.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -11,8 +11,8 @@ class DCAPenalty(_Loss): """ - Difference between Confidence and Accuracy (DCA) [1]_. This regularization returns a single scalar indicating - the difference between mean confidence and accuracy within a single batch. + Difference between Confidence and Accuracy (DCA). This regularization has been proposed by [1]_ and + returns a single scalar indicating the difference between mean confidence and accuracy within a single batch. Parameters ---------- @@ -32,7 +32,7 @@ def __init__(self, weight: float = 1.0): super().__init__() self.weight = weight - def forward(self, input: torch.Tensor, target: torch.Tensor): + def forward(self, input: torch.Tensor, target: torch.Tensor, **ig_kwargs): """ Forward call of module. Providing the target scores is mandatory. """ # assume logits as input diff --git a/netcal/regularization/MMCEPenalty.py b/netcal/regularization/MMCEPenalty.py index 4b382e5..f0a1d85 100644 --- a/netcal/regularization/MMCEPenalty.py +++ b/netcal/regularization/MMCEPenalty.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -10,8 +10,8 @@ class MMCEPenalty(_Loss): """ - Maximum mean calibration error (MMCE) [1]_. This term can be used for online confidence calibration directly - during model training. + Maximum mean calibration error (MMCE). This technique has been proposed by [1]_ and can be used for online + confidence calibration directly during model training. Parameters ---------- @@ -23,7 +23,7 @@ class MMCEPenalty(_Loss): .. [1] Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: "Trainable calibration measures for neural networks from kernel mean embeddings." International Conference on Machine Learning. PMLR, 2018. - `Get source online: `_ + `Get source online: `__ """ epsilon = 1e-12 @@ -40,7 +40,7 @@ def kernel(self, c1: torch.Tensor, c2: torch.Tensor) -> torch.Tensor: diff = c1[:, None] - c2 return torch.exp(-2.5 * torch.abs(diff)) - def forward(self, input: torch.Tensor, target: torch.Tensor): + def forward(self, input: torch.Tensor, target: torch.Tensor, **ig_kwargs): """ Forward call of module. Returns a single scalar indicating the MMCE for the current batch. """ # assume logits as input diff --git a/netcal/regularization/__init__.py b/netcal/regularization/__init__.py index 59dcccc..6fa628b 100644 --- a/netcal/regularization/__init__.py +++ b/netcal/regularization/__init__.py @@ -1,15 +1,13 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -Regularization methods which are applied during model training. These methods should achieve a -confidence calibration during model training. For example, the Confidence Penalty -penalizes confident predictions and prohibits over-confident estimates. -Use the functions to obtain the regularization and callback instances with prebuild parameters. +.. include:: /../../netcal/regularization/README.md + :parser: myst_parser.sphinx_ Available functions =================== @@ -26,5 +24,6 @@ from .ConfidencePenalty import confidence_penalty from .ConfidencePenalty import ConfidencePenalty +from .ECEPenalty import ECEPenalty from .MMCEPenalty import MMCEPenalty from .DCAPenalty import DCAPenalty From 26ed6328ba424df78eb16c17d1bbfd6ea4904676 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:47:36 +0200 Subject: [PATCH 07/21] Restructured metrics package into confidence and regression part. Add the following new metrics for regression calibration evaluation: - Expected Normalized Calibration Error (ENCE) - Uncertainty Calibration Error (UCE) - Quantile Calibration Error (QCE) - Negative Log Likelihood (NLL) - Prediction Interval Coverage Probability (PICP) (formerly in the confidence package) --- netcal/metrics/Miscalibration.py | 173 +++++++---- netcal/metrics/PICP.py | 221 -------------- netcal/metrics/__init__.py | 44 ++- netcal/metrics/{ => confidence}/ACE.py | 49 +-- netcal/metrics/{ => confidence}/ECE.py | 54 ++-- netcal/metrics/{ => confidence}/MCE.py | 47 +-- netcal/metrics/{ => confidence}/MMCE.py | 35 ++- netcal/metrics/confidence/README.md | 13 + netcal/metrics/confidence/__init__.py | 28 ++ netcal/metrics/regression/ENCE.py | 164 ++++++++++ netcal/metrics/regression/NLL.py | 182 +++++++++++ netcal/metrics/regression/PICP.py | 163 ++++++++++ netcal/metrics/regression/QCE.py | 356 ++++++++++++++++++++++ netcal/metrics/regression/QuantileLoss.py | 119 ++++++++ netcal/metrics/regression/README.md | 17 ++ netcal/metrics/regression/UCE.py | 155 ++++++++++ netcal/metrics/regression/__init__.py | 34 +++ 17 files changed, 1490 insertions(+), 364 deletions(-) delete mode 100644 netcal/metrics/PICP.py rename netcal/metrics/{ => confidence}/ACE.py (80%) rename netcal/metrics/{ => confidence}/ECE.py (78%) rename netcal/metrics/{ => confidence}/MCE.py (81%) rename netcal/metrics/{ => confidence}/MMCE.py (85%) create mode 100644 netcal/metrics/confidence/README.md create mode 100644 netcal/metrics/confidence/__init__.py create mode 100644 netcal/metrics/regression/ENCE.py create mode 100644 netcal/metrics/regression/NLL.py create mode 100644 netcal/metrics/regression/PICP.py create mode 100644 netcal/metrics/regression/QCE.py create mode 100644 netcal/metrics/regression/QuantileLoss.py create mode 100644 netcal/metrics/regression/README.md create mode 100644 netcal/metrics/regression/UCE.py create mode 100644 netcal/metrics/regression/__init__.py diff --git a/netcal/metrics/Miscalibration.py b/netcal/metrics/Miscalibration.py index 1d7263a..e6ead11 100644 --- a/netcal/metrics/Miscalibration.py +++ b/netcal/metrics/Miscalibration.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -9,19 +9,17 @@ import numpy as np from scipy.stats import binned_statistic_dd -from netcal import accepts, hpdi +from netcal import accepts, hpdi, squeeze_generic class _Miscalibration(object): """ - Generic base class to calculate Average/Expected/Maximum Calibration Error. - ACE [1]_, ECE [2]_ and MCE [2]_ are used for measuring miscalibration on classification. - The according variants D-ACE/D-ECE/D-MCE are used for object detection [3]_. + Generic base class for binning-based miscalibration metrics. Parameters ---------- bins : int or iterable, default: 10 - Number of bins used by the Histogram Binning. + Number of bins used for the internal binning. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). equal_intervals : bool, optional, default: True @@ -40,24 +38,29 @@ class _Miscalibration(object): .. [1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. - `Get source online `_ + `Get source online `__ .. [2] Neumann, Lukas, Andrew Zisserman, and Andrea Vedaldi: "Relaxed Softmax: Efficient Confidence Auto-Calibration for Safe Pedestrian Detection." Conference on Neural Information Processing Systems (NIPS) Workshop MLITS, 2018. - `Get source online `_ + `Get source online `__ .. [3] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - `Get source online `_ + `Get source online `__ """ epsilon = np.finfo(np.float).eps @accepts((int, tuple, list), bool, bool, int) - def __init__(self, bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, - detection: bool = False, sample_threshold: int = 1): + def __init__( + self, + bins: Union[int, Iterable[int]] = 10, + equal_intervals: bool = True, + detection: bool = False, + sample_threshold: int = 1 + ): """ Constructor. For parameter doc see class doc. """ self.bins = bins @@ -65,18 +68,36 @@ def __init__(self, bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = self.sample_threshold = sample_threshold self.equal_intervals = equal_intervals - @classmethod - def squeeze_generic(cls, a: np.ndarray, axes_to_keep: Union[Iterable[int], int]) -> np.ndarray: - """ Squeeze input array a but keep axes defined by parameter - 'axes_to_keep' even if the dimension is of size 1. """ + def frequency( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False, + uncertainty: str = 'mean' + ) -> Tuple[List[np.ndarray], List[np.ndarray], List[np.ndarray], List[np.ndarray], List, int]: + """ Measure the frequency of each point by binning. """ - # if type is int, convert to iterable - if type(axes_to_keep) == int: - axes_to_keep = (axes_to_keep,) + # prepare data - first, use "mean" to obtain the mean prediction of the posterior predictive + # use flattened confidence estimates in order to get a better evaluation of the accuracy within each bin + X_mean, _, sample_uncertainty, bin_bounds, num_features = self.prepare(X, y, batched, uncertainty=uncertainty) - # iterate over all axes in a and check if dimension is in 'axes_to_keep' or of size 1 - out_s = [s for i, s in enumerate(a.shape) if i in axes_to_keep or s != 1] - return a.reshape(out_s) + # convert mean variance to mean std deviation + uncertainty = [np.sqrt(var) for var in sample_uncertainty] + sample_frequency, num_samples = [], [] + + # for batch in zip(X_mean, X_flatten, matched_flatten, bin_bounds): + for batch_X_mean, bounds in zip(X_mean, bin_bounds): + + # perform binning + # acc_hist, _, _ = self.binning(bounds, batch_X_flatten, batch_matched_flatten) + (freq_hist, ), num_samples_hist, _, idx_mean = self.binning(bounds, batch_X_mean, batch_X_mean[:, 0], nan=np.nan) + + # use accuracy histogram from flattened estimates + # and assign to "mean" values + sample_frequency.append(freq_hist[idx_mean]) + num_samples.append(num_samples_hist) + + return X_mean, sample_frequency, uncertainty, num_samples, bin_bounds, num_features def reduce(self, histogram: np.ndarray, distribution: np.ndarray, axis: int, reduce_result: Tuple = None): """ @@ -106,10 +127,11 @@ def reduce(self, histogram: np.ndarray, distribution: np.ndarray, axis: int, red # get the relative amount of samples according to a certain bin combination over all confidence bins # leave out empty bin combinations - rel_samples_hist_reduced_conf = np.divide(distribution, - extended_hist, - out=np.zeros_like(distribution), - where=extended_hist != 0) + rel_samples_hist_reduced_conf = np.divide( + distribution, extended_hist, + out=np.zeros_like(distribution), + where=extended_hist != 0 + ) else: # reuse reduced data distribution from a previous call rel_samples_hist_reduced_conf = reduce_result[1] @@ -119,8 +141,13 @@ def reduce(self, histogram: np.ndarray, distribution: np.ndarray, axis: int, red return weighted_mean, rel_samples_hist_reduced_conf - def prepare(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, uncertainty: str = None) -> Tuple[List[np.ndarray], List[np.ndarray], List[np.ndarray], List, int]: + def prepare( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False, + uncertainty: str = None + ) -> Tuple[List[np.ndarray], List[np.ndarray], List[np.ndarray], List, int]: """ Check input data. For detailed documentation of the input parameters, check "_measure" method. """ # batched: interpret X and y as multiple predictions @@ -225,8 +252,7 @@ def binning(self, bin_bounds: List, samples: np.ndarray, *values: Iterable, nan: binning_schemes.append(hist) - binning_schemes.append(num_samples_hist) - _, _, idx = binning_result + _, edges, idx = binning_result # first step: expand bin numbers # correct bin number afterwards as this variable has offset of 1 @@ -235,16 +261,17 @@ def binning(self, bin_bounds: List, samples: np.ndarray, *values: Iterable, nan: # convert to tuple as this can be used for array indexing idx = tuple([dim for dim in idx]) - binning_schemes.append(idx) - return tuple(binning_schemes) + return tuple(binning_schemes), num_samples_hist, edges, idx - def process(self, - metric: str, - acc_hist: np.ndarray, - conf_hist: np.ndarray, - variance_hist: np.ndarray, - num_samples_hist: np.ndarray) -> Tuple[float, np.ndarray, np.ndarray, np.ndarray, np.ndarray, np.ndarray]: + def process( + self, + metric: str, + acc_hist: np.ndarray, + conf_hist: np.ndarray, + variance_hist: np.ndarray, + num_samples_hist: np.ndarray + ) -> Tuple[float, np.ndarray, np.ndarray, np.ndarray, np.ndarray, np.ndarray]: """ Determine miscalibration based on passed histograms. @@ -291,8 +318,11 @@ def process(self, non_empty_bins = np.count_nonzero(num_samples_hist, axis=0) # divide by leaving out empty bins (those are initialized to 0) - bin_map = np.divide(reduced_deviation_map, non_empty_bins, - out=np.zeros_like(reduced_deviation_map), where=non_empty_bins != 0) + bin_map = np.divide( + reduced_deviation_map, non_empty_bins, + out=np.zeros_like(reduced_deviation_map), + where=non_empty_bins != 0 + ) miscalibration = np.sum(bin_map / np.count_nonzero(np.sum(num_samples_hist, axis=0))) @@ -316,7 +346,13 @@ def process(self, return miscalibration, bin_map, acc_hist, conf_hist, variance_hist, samples_map - def _prepare_bins(self, X: List[np.ndarray], num_features: int) -> List[List[np.ndarray]]: + def _prepare_bins( + self, + X: List[np.ndarray], + num_features: int, + min_: Union[float, List[float]] = 0.0, + max_: Union[float, List[float]] = 1.0 + ) -> List[List[np.ndarray]]: """ Prepare number of bins for binning scheme. """ # check bins parameter @@ -333,8 +369,16 @@ def _prepare_bins(self, X: List[np.ndarray], num_features: int) -> List[List[np. else: raise AttributeError("Unknown type of parameter \'bins\'.") + # distribute min_ to all dims + if isinstance(min_, (int, float, np.floating, np.integer)): + min_ = [min_, ] * num_features + + # distribute min_ to all dims + if isinstance(max_, (int, float, np.floating, np.integer)): + max_ = [max_, ] * num_features + # create an own set of bin boundaries for each batch in X - bin_bounds = [[np.linspace(0.0, 1.0, bins + 1) for bins in bins] for _ in X] + bin_bounds = [[np.linspace(min_[dim], max_[dim], b + 1) for dim, b in enumerate(bins)] for _ in X] # on equal_intervals=True, simply use linspace # if the goal is to equalize the amount of samples in each bin, use np.quantile @@ -349,12 +393,34 @@ def _prepare_bins(self, X: List[np.ndarray], num_features: int) -> List[List[np. bin_bounds[i][dim] = quantile return bin_bounds + + def _prepare_bins_regression(self, var: np.ndarray, n_dims: int, range_: Union[List[Tuple[float, float]], None]): + """ Prepare the bin boundaries for regression tasks where explicit bin boundaries can be passed through. """ + + # extract range parameter if given + if range_ is not None: + assert len(range_) == n_dims, "Parameter \'range_\' must have the same length as number of dimensions." + assert all([isinstance(x, (tuple, list)) for x in range_]), "Binning range_ must be passed as tuple/list of length 2." + + min_ = [x[0] for x in range_] + max_ = [x[1] for x in range_] + + # if not explicitly given, use min_ and max_ scores in variance + else: + min_ = np.min(var, axis=0) # (d,) + max_ = np.max(var, axis=0) # (d,) + + # use the _prepare_bins function to initialize the binning scheme + # the function is designed to handle a batch of data - thus, we only need to access the first element + bin_bounds = self._prepare_bins([var], num_features=n_dims, min_=min_, max_=max_)[0] + + return bin_bounds def _prepare_input(self, X: np.ndarray, y: np.ndarray) -> Tuple[np.ndarray, np.ndarray, np.ndarray]: """ Prepare structure of input data (number of dimensions, etc.) """ # remove unnecessary dims if given - y = self.squeeze_generic(y, axes_to_keep=0) + y = squeeze_generic(y, axes_to_keep=0) # after processing uncertainty, we expect batch_X to be only 2-D afterwards (but probably with more samples) # if we had no uncertainty, we expect that anyway @@ -514,11 +580,17 @@ def _mode(self, X: np.ndarray) -> Tuple[np.ndarray, np.ndarray]: return np.stack(ret, axis=1), np.var(X, axis=0) - def _measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - metric: str, batched: bool = False, uncertainty: str = None, - return_map: bool = False, - return_num_samples: bool = False, - return_uncertainty_map: bool = False) -> Union[float, Tuple]: + def _measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + metric: str, + batched: bool = False, + uncertainty: str = None, + return_map: bool = False, + return_num_samples: bool = False, + return_uncertainty_map: bool = False + ) -> Union[float, Tuple]: """ Measure calibration by given predictions with confidence and the according ground truth. Assume binary predictions with y=1. @@ -585,10 +657,9 @@ def _measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable for batch_X, batch_matched, batch_uncertainty, bounds in zip(X, matched, sample_uncertainty, bin_bounds): # perform binning on input arrays and drop last outcome (idx bin indices are not needed here) - histograms = self.binning(bounds, batch_X, batch_matched, batch_X[:, 0], batch_uncertainty[:, 0]) - histograms = histograms[:-1] + histograms, num_samples_hist, _, _ = self.binning(bounds, batch_X, batch_matched, batch_X[:, 0], batch_uncertainty[:, 0]) - result = self.process(metric, *histograms) + result = self.process(metric, *histograms, num_samples_hist=num_samples_hist) results.append(result) # finally, average over all batches diff --git a/netcal/metrics/PICP.py b/netcal/metrics/PICP.py deleted file mode 100644 index 33b0eb9..0000000 --- a/netcal/metrics/PICP.py +++ /dev/null @@ -1,221 +0,0 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany -# -# This Source Code Form is subject to the terms of the Apache License 2.0 -# If a copy of the APL2 was not distributed with this -# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. - -from typing import Iterable, NamedTuple, Tuple, List -from collections import namedtuple -import numpy as np -from scipy.stats import norm -from typing import Union - -from netcal import hpdi -from netcal.metrics import _Miscalibration - - -class PICP(_Miscalibration): - """ - Compute Prediction Interval Coverage Probability (PICP) [1]_,[2]_ and Mean Prediction Interval Width (MPIW) [2]_. - This metric is used for Bayesian models to determine the quality of the uncertainty estimates. - In Bayesian mode, an uncertainty estimate is attached to each sample. The PICP measures the probability, that - the true (observed) accuracy falls into the p% prediction interval. The uncertainty is well-calibrated, if - the PICP is equal to p%. Simultaneously, the MPIW measures the mean width of all prediction intervals to evaluate - the sharpness of the uncertainty estimates. - - Parameters - ---------- - bins : int or iterable, default: 10 - Number of bins used by the Histogram Binning. - On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). - If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). - equal_intervals : bool, optional, default: True - If True, the bins have the same width. If False, the bins are splitted to equalize - the number of samples in each bin. - detection : bool, default: False - If False, the input array 'X' is treated as multi-class confidence input (softmax) - with shape (n_samples, [n_classes]). - If True, the input array 'X' is treated as a box predictions with several box features (at least - box confidence must be present) with shape (n_samples, [n_box_features]). - sample_threshold : int, optional, default: 1 - Bins with an amount of samples below this threshold are not included into the process metrics. - - References - ---------- - .. [1] Kuleshov, V.; Fenner, N. & Ermon, S.: - "Accurate Uncertainties for Deep Learning Using Calibrated Regression." - International Conference on Machine Learning (ICML), 2018 - `Get source online `_ - - .. [2] Jiayu Yao, Weiwei Pan, Soumya Ghosh, and Finale Doshi-Velez: - "Quality of Uncertainty Quantification for Bayesian Neural Network Inference." - Workshop on Uncertainty and Robustness in Deep Learning, ICML, 2019 - `Get source online `_ - """ - - def accuracy(self, X: Union[Iterable[np.ndarray], np.ndarray], - y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, - uncertainty: str = 'mean') -> Tuple[List[np.ndarray], List[np.ndarray], List[np.ndarray], List[np.ndarray], List, int]: - """ Measure the accuracy of each point by binning. """ - - # prepare data - first, use "mean" to obtain the mean prediction of the posterior predictive - # use flattened confidence estimates in order to get a better evaluation of the accuracy within each bin - X_mean, _, sample_uncertainty, bin_bounds, num_features = self.prepare(X, y, batched, uncertainty=uncertainty) - - # convert mean variance to mean std deviation - uncertainty = [np.sqrt(var) for var in sample_uncertainty] - sample_accuracy, num_samples = [], [] - - # for batch in zip(X_mean, X_flatten, matched_flatten, bin_bounds): - for batch_X_mean, bounds in zip(X_mean, bin_bounds): - - # perform binning - # acc_hist, _, _ = self.binning(bounds, batch_X_flatten, batch_matched_flatten) - acc_hist, num_samples_hist, idx_mean = self.binning(bounds, batch_X_mean, batch_X_mean[:, 0], nan=np.nan) - - # use accuracy histogram from flattened estimates - # and assign to "mean" values - sample_accuracy.append(acc_hist[idx_mean]) - num_samples.append(num_samples_hist) - - return X_mean, sample_accuracy, uncertainty, num_samples, bin_bounds, num_features - - def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], p: float = 0.05, - use_hpd: bool = True, batched: bool = False, uncertainty: str = 'mean', - return_map: bool = False) -> NamedTuple: - """ - Measure calibration by given predictions with confidence and the according ground truth. - Assume binary predictions with y=1. - - Parameters - ---------- - X : iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features]) - NumPy array with confidence values for each prediction on classification with shapes - 1-D for binary classification, 2-D for multi class (softmax). - If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points - for a single sample (e.g. variational inference or MC dropout samples). - If this is an iterable over multiple instances of np.ndarray and parameter batched=True, - interpret this parameter as multiple predictions that should be averaged. - On detection, this array must have 2 dimensions with number of additional box features in last dim. - y : iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes]) - NumPy array with ground truth labels. - Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). - If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points - for a single sample (e.g. variational inference or MC dropout samples). - If iterable over multiple instances of np.ndarray and parameter batched=True, - interpret this parameter as multiple predictions that should be averaged. - p : float, optional, default: 0.05 - Confidence level. - use_hpd : bool, optional, default: True - If True, use highest posterior density (HPD) interval to determine the prediction interval width. - Use variance with Gaussian assumption otherwise. - batched : bool, optional, default: False - Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. - All predictions given by X and y are separately evaluated and their results are averaged afterwards - for visualization. - uncertainty : str, optional, default: "mean" - Mode to measure mean estimate and uncertainty of the samples in Bayesian mode. Must be one - of "mean" (mean of all samples), "mode" (mode of all samples), "median" (median of all samples) or - "flatten" (no uncertainty will be computed, all samples are seen as independent predictions). - return_map: bool, optional, default: False - If True, return map with PICP and MPIW metric separated into all remaining dimension bins. - - Returns - ------- - Namedtuple PICPResult with fields "picp" and "mpiw", where each field either holds the PICP/MPIW score - or a tuple of (float, np.ndarray) - Always returns a named tuple with PICP (prediction interval coverage probability) and MPIW - (mean prediction interval width). - If 'return_map' is True, each field holds a tuple for the metric itself and the PICP/MPIW distribution - over all bins. - """ - - # PICP returns a namedtuple - init - picpresult = namedtuple('PICPResult', ['picp', 'mpiw']) - - # 'prediction interval coverage probability' and 'mean prediction interval width' - picp, picp_map = [], [] - mpiw, mpiw_map = [], [] - - result = self.accuracy(X=X, y=y, batched=batched, uncertainty=uncertainty) - - # TODO: check different cases - if not batched and isinstance(X, np.ndarray): - X = [X] - - it = (X,) + tuple(result[:-1]) - - # iterate over batches and get mean estimates - for batch_X, batch_X_mean, batch_acc, batch_uncertainty, batch_num_samples, bounds, in zip(*it): - - batch_uncertainty = batch_uncertainty[:, 0] - - # if uncertainty is 0 everywhere (that is the case if no Bayesian method is evaluated) - # return NaN - if np.count_nonzero(batch_uncertainty) == 0: - return picpresult(np.nan, np.nan) - - # TODO: do that more dynamically - elif len(batch_X.shape) == 2: - batch_X = np.expand_dims(batch_X, axis=-1) - - # remove all entries that are NaN - nans = np.isnan(batch_acc) - batch_X_mean, batch_acc, batch_uncertainty = batch_X_mean[~nans], batch_acc[~nans], batch_uncertainty[~nans] - - # since the output distributions might be skewed, using highed posterior density for interval - # calculation should be preferred - if use_hpd: - - # use confidence only for HPD - interval_bounds = hpdi(batch_X[..., 0], 1.-p) - lb_ci = interval_bounds[0, :][~nans] - ub_ci = interval_bounds[1, :][~nans] - - else: - - # calculate prediction interval assuming a normal distribution - # calculate credible interval - z_score = norm.ppf(1. - (p / 2)) - batch_uncertainty = z_score * batch_uncertainty - lb_ci = batch_X_mean[:, 0] - batch_uncertainty - ub_ci = batch_X_mean[:, 0] + batch_uncertainty - - # use accuracy histogram from flattened estimates - # and assign to "mean" values - within_interval = np.where((batch_acc >= lb_ci) & (batch_acc <= ub_ci), - np.ones_like(batch_acc), np.zeros_like(batch_acc)) - width = ub_ci - lb_ci - - # mean prediction interval width - mpiw.append(np.mean(width)) - picp.append(np.mean(within_interval)) - - # if a map along the "feature" bins is requested, use the binning routines of _Miscalibration class - if return_map: - # TODO: not that pretty - threshold = int(self.sample_threshold) - self.sample_threshold = 1 - batch_picp_map, batch_mpiw_map, _ = self.binning(bounds, batch_X_mean, within_interval, width) - self.sample_threshold = threshold - - # after binning, reduce first dimension - result = self.reduce(batch_picp_map, batch_num_samples, axis=0) - batch_mpiw_map, _ = self.reduce(batch_mpiw_map, batch_num_samples, axis=0, reduce_result=result) - - mpiw_map.append(batch_mpiw_map) - picp_map.append(result[0]) - - picp = np.mean(picp) - mpiw = np.mean(mpiw) - - if return_map: - picp_map = np.mean(picp_map, axis=0) - mpiw_map = np.mean(mpiw_map, axis=0) - result = picpresult((picp, picp_map), (mpiw, mpiw_map)) - else: - result = picpresult(picp, mpiw) - - return result diff --git a/netcal/metrics/__init__.py b/netcal/metrics/__init__.py index 5a45d71..98d6914 100644 --- a/netcal/metrics/__init__.py +++ b/netcal/metrics/__init__.py @@ -1,16 +1,13 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -Methods for measuring miscalibration. The common methods are given with the -'Average Calibration Error (ACE)', 'Expected Calibration Error (ECE)' and 'Maximum Calibration Error (MCE)'. -Each methods bins the samples by their confidence and measures the accuracy in each bin. The ECE gives the -mean gap between confidence and observed accuracy in each bin weighted by the number of samples. -The MCE returns the highest observed deviation. The ACE is similar to the ECE but weights each bin equally. +.. include:: /../../netcal/metrics/README.md + :parser: myst_parser.sphinx_ Available classes ================= @@ -23,12 +20,33 @@ ECE MCE MMCE + QuantileLoss + PinballLoss + ENCE + UCE PICP + QCE + NLL + +Packages +======== + +.. autosummary:: + :toctree: _autosummary_metric_submodules + + confidence + regression """ -from .ACE import ACE -from .ECE import ECE -from .MCE import MCE -from .Miscalibration import _Miscalibration -from .PICP import PICP -from .MMCE import MMCE +from .confidence.ACE import ACE +from .confidence.ECE import ECE +from .confidence.MCE import MCE +from .confidence.MMCE import MMCE + +from .regression.QuantileLoss import QuantileLoss +from .regression.QuantileLoss import PinballLoss +from .regression.ENCE import ENCE +from .regression.UCE import UCE +from .regression.PICP import PICP +from .regression.QCE import QCE +from .regression.NLL import NLL diff --git a/netcal/metrics/ACE.py b/netcal/metrics/confidence/ACE.py similarity index 80% rename from netcal/metrics/ACE.py rename to netcal/metrics/confidence/ACE.py index 5fd6b1d..6a4381d 100644 --- a/netcal/metrics/ACE.py +++ b/netcal/metrics/confidence/ACE.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -7,27 +7,28 @@ import numpy as np from typing import Union, Iterable, Tuple -from .Miscalibration import _Miscalibration +from netcal.metrics.Miscalibration import _Miscalibration class ACE(_Miscalibration): """ - Average Calibration Error (ACE). + Average Calibration Error (ACE) for classification and Detection Average Calibration Error (D-ACE) for + object detection or segmentation. This metric is used on classification [1]_ or as Detection Average Calibration Error (D-ACE) [2]_ on object detection tasks. This metrics measures the average difference between accuracy and confidence by - grouping all samples into :math:`K` bins and calculating + grouping all samples into :math:`B` bins and calculating .. math:: - ACE = \\frac{1}{K} \\sum_{i=1}^K |\\text{acc}_i - \\text{conf}_i| , + ACE = \\frac{1}{B} \\sum_{b=1}^B |\\text{acc}(b) - \\text{conf}(b)| , - where :math:`\\text{acc}_i` and :math:`\\text{conf}_i` denote the accuracy and average confidence in the i-th bin. - The main difference to :class:`ECE` is that each bin is weighted equally. + where :math:`\\text{acc}(b)` and :math:`\\text{conf}(b)` denote the accuracy and average confidence in the b-th bin. + The main difference to :class:`netcal.regression.confidence.ECE` is that each bin is weighted equally. Parameters ---------- bins : int or iterable, default: 10 - Number of bins used by the Histogram Binning. + Number of bins used by the ACE. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). equal_intervals : bool, optional, default: True @@ -46,18 +47,23 @@ class ACE(_Miscalibration): .. [1] Neumann, Lukas, Andrew Zisserman, and Andrea Vedaldi: "Relaxed Softmax: Efficient Confidence Auto-Calibration for Safe Pedestrian Detection." Conference on Neural Information Processing Systems (NIPS) Workshop MLITS, 2018. - `Get source online `_ + `Get source online `__ .. [2] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - `Get source online `_ + `Get source online `__ """ - def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, uncertainty: str = None, - return_map: bool = False, - return_num_samples: bool = False, - return_uncertainty_map: bool = False) -> Union[float, Tuple]: + def measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False, + uncertainty: str = None, + return_map: bool = False, + return_num_samples: bool = False, + return_uncertainty_map: bool = False + ) -> Union[float, Tuple]: """ Measure calibration by given predictions with confidence and the according ground truth. Assume binary predictions with y=1. @@ -106,8 +112,9 @@ def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[ If 'return_uncertainty' is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension). """ - return self._measure(X=X, y=y, metric='ace', - batched=batched, uncertainty=uncertainty, - return_map=return_map, - return_num_samples=return_num_samples, - return_uncertainty_map=return_uncertainty_map) + return self._measure( + X=X, y=y, metric='ace', batched=batched, uncertainty=uncertainty, + return_map=return_map, + return_num_samples=return_num_samples, + return_uncertainty_map=return_uncertainty_map + ) diff --git a/netcal/metrics/ECE.py b/netcal/metrics/confidence/ECE.py similarity index 78% rename from netcal/metrics/ECE.py rename to netcal/metrics/confidence/ECE.py index bfc9ac6..574d8e0 100644 --- a/netcal/metrics/ECE.py +++ b/netcal/metrics/confidence/ECE.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -7,28 +7,28 @@ import numpy as np from typing import Union, Iterable, Tuple -from .Miscalibration import _Miscalibration +from netcal.metrics.Miscalibration import _Miscalibration class ECE(_Miscalibration): """ - Expected Calibration Error (ECE). - This metric is used on classification [1]_ or as Detection Expected Calibration Error on object - detection tasks [2]_. This metrics measures the expected difference between accuracy and confidence by grouping - all samples (size :math:`N`) into :math:`K` bins - and calculating + Expected Calibration Error (ECE) for classification and Detection Expected Calibration Error (D-ECE) for + object detection or segmentation. + This metric is used on classification [1]_ or as Detection Expected Calibration Error (D-ECE) on object + detection tasks [2]_. This metrics measures the expected difference between accuracy/precision and confidence + by grouping all samples (size :math:`N`) into :math:`B` bins, so that the ECE is computed by .. math:: - ECE = \\sum_{i=1}^K \\frac{|B_i|}{N} |\\text{acc}_i - \\text{conf}_i| , + ECE = \\sum_{b=1}^B \\frac{N_b}{N} |\\text{acc}(b) - \\text{conf}(b)| , - where :math:`\\text{acc}_i` and :math:`\\text{conf}_i` denote the accuracy and average confidence in the i-th bin - and :math:`|B_i|` denote the number of samples in bin :math:`B_i`. + where :math:`\\text{acc}(b)` and :math:`\\text{conf}(b)` denote the accuracy and average confidence in the i-th bin + and :math:`N_b` denote the number of samples in bin :math:`b`. Parameters ---------- bins : int or iterable, default: 10 - Number of bins used by the Histogram Binning. + Number of bins used by the Expected Calibration Error. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). equal_intervals : bool, optional, default: True @@ -47,18 +47,23 @@ class ECE(_Miscalibration): .. [1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. - `Get source online `_ + `Get source online `__ .. [2] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - `Get source online `_. + `Get source online `__. """ - def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, uncertainty: str = None, - return_map: bool = False, - return_num_samples: bool = False, - return_uncertainty_map: bool = False) -> Union[float, Tuple]: + def measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False, + uncertainty: str = None, + return_map: bool = False, + return_num_samples: bool = False, + return_uncertainty_map: bool = False + ) -> Union[float, Tuple]: """ Measure calibration by given predictions with confidence and the according ground truth. Assume binary predictions with y=1. @@ -107,8 +112,9 @@ def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[ If 'return_uncertainty' is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension). """ - return self._measure(X=X, y=y, metric='ece', - batched=batched, uncertainty=uncertainty, - return_map=return_map, - return_num_samples=return_num_samples, - return_uncertainty_map=return_uncertainty_map) + return self._measure( + X=X, y=y, metric='ece', batched=batched, uncertainty=uncertainty, + return_map=return_map, + return_num_samples=return_num_samples, + return_uncertainty_map=return_uncertainty_map + ) diff --git a/netcal/metrics/MCE.py b/netcal/metrics/confidence/MCE.py similarity index 81% rename from netcal/metrics/MCE.py rename to netcal/metrics/confidence/MCE.py index e909b58..df70656 100644 --- a/netcal/metrics/MCE.py +++ b/netcal/metrics/confidence/MCE.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -7,26 +7,27 @@ from typing import Union, Iterable, Tuple import numpy as np -from .Miscalibration import _Miscalibration +from netcal.metrics.Miscalibration import _Miscalibration class MCE(_Miscalibration): """ - Maximum Calibration Error (MCE). + Maximum Calibration Error (MCE) for classification and Detection Maximum Calibration Error (D-MCE) for + object detection or segmentation. This metric is used on classification [1]_ or as Detection Maximum calibration error (D-MCE) on object detection [2]_. This metrics measures the maximum difference between accuracy and confidence over all bins - by grouping all samples into :math:`K` bins and calculating + by grouping all samples into :math:`B` bins and calculating .. math:: - MCE = \max_{i \\in \\{1, ..., K\\}} |\\text{acc}_i - \\text{conf}_i| , + MCE = \max_{b \\in \\{1, ..., B\\}} |\\text{acc}(b) - \\text{conf}(b)| , - where :math:`\\text{acc}_i` and :math:`\\text{conf}_i` denote the accuracy and average confidence in the i-th bin. + where :math:`\\text{acc}(b)` and :math:`\\text{conf}(b)` denote the accuracy and average confidence in the b-th bin. Parameters ---------- bins : int or iterable, default: 10 - Number of bins used by the Histogram Binning. + Number of bins used by the MCE. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). equal_intervals : bool, optional, default: True @@ -45,18 +46,23 @@ class MCE(_Miscalibration): .. [1] Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: "Obtaining well calibrated probabilities using bayesian binning." Twenty-Ninth AAAI Conference on Artificial Intelligence, 2015. - `Get source online `_ + `Get source online `__ .. [2] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - `Get source online `_ + `Get source online `__ """ - def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, uncertainty: str = None, - return_map: bool = False, - return_num_samples: bool = False, - return_uncertainty_map: bool = False) -> Union[float, Tuple]: + def measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False, + uncertainty: str = None, + return_map: bool = False, + return_num_samples: bool = False, + return_uncertainty_map: bool = False + ) -> Union[float, Tuple]: """ Measure calibration by given predictions with confidence and the according ground truth. Assume binary predictions with y=1. @@ -105,8 +111,9 @@ def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[ If 'return_uncertainty' is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension). """ - return self._measure(X=X, y=y, metric='mce', - batched=batched, uncertainty=uncertainty, - return_map=return_map, - return_num_samples=return_num_samples, - return_uncertainty_map=return_uncertainty_map) + return self._measure( + X=X, y=y, metric='mce', batched=batched, uncertainty=uncertainty, + return_map=return_map, + return_num_samples=return_num_samples, + return_uncertainty_map=return_uncertainty_map + ) diff --git a/netcal/metrics/MMCE.py b/netcal/metrics/confidence/MMCE.py similarity index 85% rename from netcal/metrics/MMCE.py rename to netcal/metrics/confidence/MMCE.py index 018db39..2b93308 100644 --- a/netcal/metrics/MMCE.py +++ b/netcal/metrics/confidence/MMCE.py @@ -1,12 +1,11 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerkssysteme, Gaimersheim, Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. from typing import Iterable -import logging from typing import Union import numpy as np @@ -15,13 +14,13 @@ class MMCE(object): """ - Maximum Mean Calibration Error (MMCE) [1]_. - A differentiable approximation to the Expected Calibration Error (ECE) using a + Maximum Mean Calibration Error (MMCE). + The MMCE [1]_ is a differentiable approximation to the Expected Calibration Error (ECE) using a reproducing _kernel Hilbert space (RKHS). - Using a dataset :math:`\\mathcal{D}` of size :math:`N` consisting of the ground truth labels :math:`\\hat{y} \\in \\{1, ..., K \\}` - with input :math:`\\hat{y} \\in \\mathcal{X}`, the MMCE is calculated by using a scoring classifier :math:`\\hat{p}=h(x)` - that returns the highest probability for a certain class in conjunction with the predicted label - information :math:`y \\in \\{1, ..., K \\}` and is defined by + Using a dataset :math:`\\mathcal{D}` of size :math:`N` consisting of the ground truth labels + :math:`\\hat{y} \\in \\{1, ..., K \\}` with input :math:`x \\in \\mathcal{X}`, the MMCE is calculated by using + a scoring classifier :math:`\\hat{p}=h(x)` that returns the highest probability for a certain class in conjunction + with the predicted label information :math:`y \\in \\{1, ..., K \\}` and is defined by .. math:: @@ -46,19 +45,22 @@ class MMCE(object): .. [1] Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: "Trainable calibration measures for neural networks from _kernel mean embeddings." International Conference on Machine Learning. 2018. - `Get source online `_. + `Get source online `__. """ @accepts(bool) def __init__(self, detection: bool = False): """ Constructor. For parameter doc see class doc. """ - self.logger = logging.getLogger('calibration') - assert not detection, "MMCE is currently not supported for object detection." self.detection = detection - def _batched(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], batched: bool = False): + def _batched( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False + ): # batched: interpret X and y as multiple predictions if not batched: @@ -88,7 +90,12 @@ def _kernel(self, confidence): diff = confidence[:, None] - confidence return np.exp(-2.5 * np.abs(diff)) - def measure(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], batched: bool = False): + def measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + batched: bool = False + ): """ Measure calibration by given predictions with confidence and the according ground truth. diff --git a/netcal/metrics/confidence/README.md b/netcal/metrics/confidence/README.md new file mode 100644 index 0000000..a7487bd --- /dev/null +++ b/netcal/metrics/confidence/README.md @@ -0,0 +1,13 @@ +# Metrics for Confidence Calibration + +Methods for measuring miscalibration in the context of confidence calibration. + +The common methods for confidence calibration evaluation are given with the +*netcal.metrics.confidence.ECE* (ECE), *netcal.metrics.confidence.MCE* (MCE), and +*netcal.metrics.confidence.ACE* (ACE). Each method bins the samples by their confidence and measures the +accuracy in each bin. The ECE gives the mean gap between confidence and observed accuracy in each bin weighted by the +number of samples. The MCE returns the highest observed deviation. The ACE is similar to the ECE but weights +each bin equally. + +A further metric is the Maximum Mean Calibration Error (MMCE) which is a differentiable variant of the ECE that +might also be used as a regularization technique during model training. \ No newline at end of file diff --git a/netcal/metrics/confidence/__init__.py b/netcal/metrics/confidence/__init__.py new file mode 100644 index 0000000..0511554 --- /dev/null +++ b/netcal/metrics/confidence/__init__.py @@ -0,0 +1,28 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/metrics/confidence/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_metric + :template: custom_class.rst + + ACE + ECE + MCE + MMCE +""" + +from .ACE import ACE +from .ECE import ECE +from .MCE import MCE +from .MMCE import MMCE diff --git a/netcal/metrics/regression/ENCE.py b/netcal/metrics/regression/ENCE.py new file mode 100644 index 0000000..8d2123d --- /dev/null +++ b/netcal/metrics/regression/ENCE.py @@ -0,0 +1,164 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import warnings +from typing import Iterable, Tuple, List +from typing import Union +import numpy as np + +from netcal import accepts, meanvar, cumulative_moments +from netcal.metrics.Miscalibration import _Miscalibration + + +class ENCE(_Miscalibration): + """ + Expected Normalized Calibration Error (ENCE) for a regression calibration evaluation to test for + *variance calibration*. A probabilistic regression model takes :math:`X` as input and outputs a + mean :math:`\\mu_Y(X)` and a standard deviation :math:`\\sigma_Y(X)` targeting the ground-truth :math:`y`. + Similar to the :class:`netcal.metrics.confidence.ECE`, the ENCE applies a binning scheme with :math:`B` bins + over the predicted standard deviation :math:`\\sigma_Y(X)` and measures the absolute (normalized) difference + between root mean squared error (RMSE) and root mean variance (RMV) [1]_. + Thus, the ENCE [1]_ is defined by + + .. math:: + \\text{ENCE} := \\frac{1}{B} \\sum^B_{b=1} \\frac{|RMSE(b) - RMV(b)|}{RMV(b)} , + + where :math:`RMSE(b)` and :math:`RMV(b)` are the root mean squared error and the root mean variance within + bin :math:`b`, respectively. + + If multiple dimensions are given, the ENCE is measured for each dimension separately. + + Parameters + ---------- + bins : int or iterable, default: 10 + Number of bins used by the ENCE binning. + If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). + sample_threshold : int, optional, default: 1 + Bins with an amount of samples below this threshold are not included into the miscalibration metrics. + + References + ---------- + .. [1] Levi, Dan, et al.: + "Evaluating and calibrating uncertainty prediction in regression tasks." + arXiv preprint arXiv:1905.11659 (2019). + `Get source online `__ + """ + + @accepts((int, tuple, list), int) + def __init__( + self, + bins: Union[int, Iterable[int]] = 10, + sample_threshold: int = 1 + ): + """ Constructor. For detailed parameter description, see class docs. """ + + super().__init__(bins=bins, equal_intervals=True, detection=False, sample_threshold=sample_threshold) + + def measure( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + *, + kind: str = 'meanstd', + range_: List[Tuple[float, float]] = None, + ): + """ + Measure the ENCE for given input data either as tuple consisting of mean and stddev estimates or as + NumPy array consisting of a sample distribution. + If multiple dimensions are given, the ENCE is measured for each dimension separately. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + range_ : list of length d with tuples (lower_bound: float, upper_bound: float) + List of tuples that define the binning range of the standard deviation for each dimension separately. + For example, if input data is given with only a few samples having high standard deviations, + this might distort the calculations as the binning scheme commonly takes the (min, max) as the range + for the binning, yielding a high amount of empty bins. + + Returns + ------- + NumPy array of shape (d,) + NumPy array with the ENCE for each input dimension separately. + """ + + assert kind in ['meanstd', 'cauchy', 'cumulative'], 'Parameter \'kind\' must be either \'meanstd\', or \'cumulative\'.' + if kind == "meanstd": + (mean, var), y, cov = meanvar(X, y) + + # check if correlated input is given + if cov: + raise RuntimeError("UCE is not defined for multivariate data with correlation.") + + mean = np.expand_dims(mean, axis=1) if mean.ndim == 1 else mean # (n, d) + var = np.expand_dims(var, axis=1) if var.ndim == 1 else var # (n, d) + + # Cauchy distribution has no variance - ENCE is not applicable + elif kind == "cauchy": + + n_dims = y.shape[1] if y.ndim == 2 else 1 + + warnings.warn("ENCE is not applicable for Cauchy distributions.") + return np.full(shape=(n_dims,), fill_value=float('nan')) + + else: + + # extract sampling points t and cumulative + # get differences of cumulative and intermediate points of t + t, cdf = X + mean, var = cumulative_moments(t, cdf) # (n, d) and (n, d) + + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y + std = np.sqrt(var) + n_samples, n_dims = y.shape + + # squared error + error = np.square(mean - y) # (n, d) + + # prepare binning boundaries for regression + bin_bounds = self._prepare_bins_regression(std, n_dims=n_dims, range_=range_) + + ence = [] + for dim in range(n_dims): + + # perform binning over 1D stddev + (mv_hist, mse_hist), n_samples, _, _ = self.binning( + [bin_bounds[dim]], + std[:, dim], + var[:, dim], + error[:, dim] + ) + + rmv_hist = np.sqrt(mv_hist) # (b,) + rmse_hist = np.sqrt(mse_hist) # (b,) + + # ENCE for current dim is equally weighted (but normalized) mean over all bins + ence.append( + np.nanmean( + np.divide( + np.abs(rmv_hist - rmse_hist), rmv_hist, + out=np.full_like(rmv_hist, fill_value=float('nan')), + where=rmv_hist != 0 + ) + ) + ) + + ence = np.array(ence).squeeze() + return ence diff --git a/netcal/metrics/regression/NLL.py b/netcal/metrics/regression/NLL.py new file mode 100644 index 0000000..7355c8b --- /dev/null +++ b/netcal/metrics/regression/NLL.py @@ -0,0 +1,182 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Tuple +from typing import Union +import numpy as np +from scipy.stats import norm, cauchy + +import torch +from torch.distributions import MultivariateNormal + +from netcal import meanvar, mv_cauchy_log_density, density_from_cumulative + + +class NLL(object): + """ + Negative log likelihood (NLL) for probabilistic regression models. + If a probabilistic forecaster outputs a probability density function (PDF) :math:`f_Y(y)` targeting the ground-truth + :math:`y`, the negative log likelihood is defined by + + .. math:: + \\text{NLL} = -\\sum^N_{n=1} \\log\\big(f_Y(y)\\big) , + + with :math:`N` as the number of samples within the examined data set. + + **Note:** the input field for the standard deviation might also be given as quadratic NumPy arrays of shape + (n, d, d) with d dimensions. In this case, this method asserts covariance matrices as input + for each sample and the NLL is calculated for multivariate distributions. + """ + + def measure( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + *, + kind: str = 'meanstd', + reduction: str = 'batchmean', + ) -> Union[float, np.ndarray]: + """ + Measures the negative log likelihood (NLL) for probabilistic regression models. + If the input standard deviation is given with shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) and (n, [d, [d]]), this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If the second NumPy array has shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + reduction : str, one of 'none', 'mean', 'batchmean', 'sum' or 'batchsum', default: 'batchmean' + Specifies the reduction to apply to the output: + - none : no reduction is performed. Return NLL for each sample and for each dim separately. + - mean : calculate mean over all samples and all dimensions. + - batchmean : calculate mean over all samples but for each dim separately. + If input has covariance matrices, 'batchmean' is the same as 'mean'. + - sum : calculate sum over all samples and all dimensions. + - batchsum : calculate sum over all samples but for each dim separately. + If input has covariance matrices, 'batchsum' is the same as 'sum'. + + Returns + ------- + float or np.ndarray + Negative Log Likelihood for regression input. See parameter 'reduction' for detailed return type. + """ + + assert kind in ['meanstd', 'cauchy', 'cumulative'], 'Parameter \'kind\' must be either \'meanstd\', or \'cumulative\'.' + + if kind == "cumulative": + + assert isinstance(X, (tuple, list)), "If kind=\'cumulative\', assert input X as tuple of sampling points" \ + " and the respective cumulative scores." + t, cdf = X[0], X[1] # (t, n, [d]) + + # make t, CDF at least 3d, y at least 2d + t = np.expand_dims(t, axis=2) if t.ndim == 2 else t # (t, n, d) + cdf = np.expand_dims(cdf, axis=2) if cdf.ndim == 2 else cdf # (t, n, d) + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + # get density using the cumulative + pdf = density_from_cumulative(t, cdf) + + # for the moment, use the nearest point of the curve to determine the actual likelihood + nearest = np.argmin( + np.abs(t - y[None, ...]), # (t, n, d) + axis=0, + ) # (n, d) + + # take likelihood om PDF and compute negative log of likelihood + likelihood = np.squeeze( + np.take_along_axis(pdf, nearest[None, ...], axis=0), # (1, n, d) + axis=0 + ) # (n, d) + + # clip likelihood to avoid 0 + likelihood = np.clip(likelihood, a_min=1e-6, a_max=None) + + nll = -np.log(likelihood) # (n, d) + + # use Cauchy distribution to measure NLL + elif kind == "cauchy": + + mode, scale = X[0], X[1] # (n, [d]) + + mode = np.expand_dims(mode, axis=1) if mode.ndim == 1 else mode # (n, d) + scale = np.expand_dims(scale, axis=1) if scale.ndim == 1 else scale # (n, d) + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + # scale is multivariate? + if scale.ndim == 3: + with torch.no_grad(): + nll = -mv_cauchy_log_density( + torch.from_numpy(y), + torch.from_numpy(mode), + torch.from_numpy(scale) + ).numpy() # (n,) + + else: + nll = -cauchy.logpdf(y, loc=mode, scale=scale) + + # otherwise, use parametric Gaussian expression + else: + (mean, var), y, correlations = meanvar(X, y) + + # make mean, var and y at least 2d, for covariances 3d + mean = np.expand_dims(mean, axis=1) if mean.ndim == 1 else mean # (n, d) + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + # in the multivariate case, use a multivariate normal distribution and get logpdf + if correlations: + var = np.reshape(var, (-1, 1, 1)) if var.ndim == 1 else var # (n, d, d) + + # torch's MVN is capable of batched computation in contrast to SciPy's variant + mvn = MultivariateNormal(loc=torch.from_numpy(mean), covariance_matrix=torch.from_numpy(var)) + nll = -mvn.log_prob(torch.from_numpy(y)).numpy() # (n,) + + # in the independent case, use a standard normal distribution and get logpdf + else: + var = np.expand_dims(var, axis=1) if var.ndim == 1 else var # (n, d) + std = np.sqrt(var) + nll = -norm.logpdf(y, loc=mean, scale=std) + + # perform reduction of (n, d) to single float if requested + if reduction is None or reduction == 'none': + return nll + + # 'mean' is mean over all samples and all dimensions + elif reduction == "mean": + return float(np.mean(nll)) + + # 'batchmean' is mean over all samples but for each dim separately. + # If correlations == True, 'batchmean' is the same as 'mean'. + elif reduction == "batchmean": + return np.mean(nll, axis=0) # (d,) or scalar + + # 'sum' is sum over all samples and all dimensions + elif reduction == "sum": + return float(np.sum(nll)) + + # 'batchsum' is sum over all samples but for each dim separately. + # If correlations == True, 'batchsum' is the same as 'sum'. + elif reduction == "batchsum": + return np.sum(nll, axis=0) # (d,) or scalar + + # unknown reduction method + else: + raise RuntimeError("Unknown reduction: \'%s\'" % reduction) diff --git a/netcal/metrics/regression/PICP.py b/netcal/metrics/regression/PICP.py new file mode 100644 index 0000000..ad1d00a --- /dev/null +++ b/netcal/metrics/regression/PICP.py @@ -0,0 +1,163 @@ +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, NamedTuple +from collections import namedtuple +import numpy as np +from typing import Union + +from netcal import is_in_quantile +from netcal.metrics.Miscalibration import _Miscalibration + + +class PICP(_Miscalibration): + """ + Compute Prediction Interval Coverage Probability (PICP) and Mean Prediction Interval Width (MPIW). + These metrics have been proposed by [1]_, [2]_. + This metric is used for Bayesian models to determine the quality of the uncertainty estimates. + In Bayesian mode, an uncertainty estimate is attached to each sample. The PICP measures the probability, that + the true (observed) accuracy falls into the p% prediction interval. The uncertainty is well-calibrated, if + the PICP is equal to p%. Simultaneously, the MPIW measures the mean width of all prediction intervals to evaluate + the sharpness of the uncertainty estimates. + + Parameters + ---------- + bins : int or iterable, default: 10 + Number of bins used by the PICP. + On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = ... = bins). + If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). + equal_intervals : bool, optional, default: True + If True, the bins have the same width. If False, the bins are splitted to equalize + the number of samples in each bin. + detection : bool, default: False + If False, the input array 'X' is treated as multi-class confidence input (softmax) + with shape (n_samples, [n_classes]). + If True, the input array 'X' is treated as a box predictions with several box features (at least + box confidence must be present) with shape (n_samples, [n_box_features]). + sample_threshold : int, optional, default: 1 + Bins with an amount of samples below this threshold are not included into the process metrics. + + References + ---------- + .. [1] Kuleshov, V.; Fenner, N. & Ermon, S.: + "Accurate Uncertainties for Deep Learning Using Calibrated Regression." + International Conference on Machine Learning (ICML), 2018 + `Get source online `__ + + .. [2] Jiayu Yao, Weiwei Pan, Soumya Ghosh, and Finale Doshi-Velez: + "Quality of Uncertainty Quantification for Bayesian Neural Network Inference." + Workshop on Uncertainty and Robustness in Deep Learning, ICML, 2019 + `Get source online `__ + """ + + def measure( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + q: Union[float, Iterable[float], np.ndarray], + *, + kind: str = 'meanstd', + reduction: str = 'batchmean', + ) -> NamedTuple: + """ + Measure calibration by given predictions with confidence and the according ground truth. + Assume binary predictions with y=1. + + Parameters + ---------- + X : iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features]) + NumPy array with confidence values for each prediction on classification with shapes + 1-D for binary classification, 2-D for multi class (softmax). + If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points + for a single sample (e.g. variational inference or MC dropout samples). + If this is an iterable over multiple instances of np.ndarray and parameter batched=True, + interpret this parameter as multiple predictions that should be averaged. + On detection, this array must have 2 dimensions with number of additional box features in last dim. + y : iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes]) + NumPy array with ground truth labels. + Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). + If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points + for a single sample (e.g. variational inference or MC dropout samples). + If iterable over multiple instances of np.ndarray and parameter batched=True, + interpret this parameter as multiple predictions that should be averaged. + q : np.ndarray of shape (q,) + Quantile scores in [0, 1] of size q to compute the x-valued quantile boundaries for. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) and (n, [d, [d]]), this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If the second NumPy array has shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + - confidence: asserts X as a single NumPy array of shape (t, n, [1]) with t stochastic forward passes with + scores in [0, 1] that represent confidence scores obtained e.g. by Monte-Carlo sampling. + Furthermore, this mode asserts the ground-truth labels 'y' in the {0, 1} set and converts + them to continuous [0, 1] scores by binning. Thus, it is possible to evaluate the + confidence uncertainty with binned labels. + reduction : str, one of 'none', 'mean' or 'batchmean', default: 'batchmean' + Specifies the reduction to apply to the output: + - none : no reduction is performed. Return QCE for each sample and for each dim separately. + - mean : calculate mean over all quantiles and all dimensions. + - batchmean : calculate mean over all quantiles but for each dim separately. + If input has covariance matrices, 'batchmean' is the same as 'mean'. + + Returns + ------- + Namedtuple PICPResult with fields "picp" and "mpiw", where each field either holds the PICP/MPIW score + or a tuple of (float, np.ndarray) + Always returns a named tuple with PICP (prediction interval coverage probability) and MPIW + (mean prediction interval width). + """ + + # PICP returns a namedtuple - init + picpresult = namedtuple('PICPResult', ['picp', 'mpiw']) + + # kind 'confidence' induces a different treatment - the target scores given by 'y' are assumed + # to be in the {0, 1} set and are converted to continuous [0, 1] scores by binning the samples. + # Thus, it is possible to evaluate the confidence uncertainty + if kind == "confidence": + result = self.frequency(X=X, y=y, batched=False, uncertainty="mean") + + # frequency is 2nd entry in return tuple and within first batch + X = X[..., :1] # (t, n, 1) + y = np.reshape(result[1][0], (-1, 1)) # (n, 1) + + # kind 'meanstd' will result in a HPDI computation if sample distribution is given + kind = "meanstd" + + in_quantile, _, (qbounds_min, qbounds_max), _, _ = is_in_quantile(X, y, q, kind) # (q, n, [d]), (q, n, d), (q, n, d), + + picp = np.mean(in_quantile, axis=1) # (q, d) + mpiw = np.mean(np.abs(qbounds_max - qbounds_min), axis=1) # (q, d) + + # no reduction is applied + if reduction is None or reduction == 'none': + pass + + # 'mean' is mean over all quantiles and all dimensions + elif reduction == "mean": + picp = np.mean(picp) + mpiw = np.mean(mpiw) + + # 'batchmean' is mean over all quantiles but for each dim separately. + # If input has covariance matrices, 'batchmean' is the same as 'mean'. + elif reduction == "batchmean": + picp = np.mean(picp, axis=0) # (d,) + mpiw = np.mean(mpiw, axis=0) # (d,) + + # unknown reduction method + else: + raise RuntimeError("Unknown reduction: \'%s\'" % reduction) + + # pack to namedtuple result + result = picpresult(picp, mpiw) + + return result diff --git a/netcal/metrics/regression/QCE.py b/netcal/metrics/regression/QCE.py new file mode 100644 index 0000000..038531f --- /dev/null +++ b/netcal/metrics/regression/QCE.py @@ -0,0 +1,356 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, Tuple, List +from typing import Union +import numpy as np + +from netcal import is_in_quantile +from netcal.metrics.Miscalibration import _Miscalibration + + +# annotation hint +QCE_METRIC = Union[float, np.ndarray] +QCE_MAP = Union[List[np.ndarray], None] + + +class QCE(_Miscalibration): + """ + Marginal Quantile Calibration Error (M-QCE) and Conditional Quantile Calibration Error (C-QCE) which both measure + the gap between predicted quantiles and observed quantile coverage also for multivariate distributions. + The M-QCE and C-QCE have originally been proposed by [1]_. + The derivation of both metrics are based on + the Normalized Estimation Error Squared (NEES) known from object tracking [2]_. + The derivation of both metrics is shown in the following. + + **Definition of standard NEES:** + Given mean prediction :math:`\\hat{\\boldsymbol{y}} \\in \\mathbb{R}^M`, ground-truth + :math:`\\boldsymbol{y} \\in \\mathbb{R}^M`, and + estimated covariance matrix :math:`\\hat{\\boldsymbol{\\Sigma}} \\in \\mathbb{R}^{M \\times M}` using + :math:`M` dimensions, the NEES is defined as + + .. math:: + \\epsilon = (\\boldsymbol{y} - \\hat{\\boldsymbol{y}})^\\top \\hat{\\boldsymbol{\\Sigma}}^{-1} + (\\boldsymbol{y} - \\hat{\\boldsymbol{y}}) . + + The average NEES is defined as the mean error over :math:`N` trials in a Monte-Carlo simulation for + Kalman-Filter testing, so that + + .. math:: + \\bar{\\epsilon} = \\frac{1}{N} \\sum^N_{i=1} \\epsilon_i . + + Under the condition, that :math:`\\mathbb{E}[\\boldsymbol{y} - \\hat{\\boldsymbol{y}}] = \\boldsymbol{0}` (zero mean), + a :math:`\\chi^2`-test is performed to evaluate the estimated uncertainty. This test is accepted, if + + .. math:: + \\bar{\\epsilon} \\leq \\chi^2_M(\\tau), + + where :math:`\\chi^2_M(\\tau)` is the PPF score obtained by a :math:`\\chi^2` distribution + with :math:`M` degrees of freedom, for a certain quantile level :math:`\\tau \\in [0, 1]`. + + **Marginal Quantile Calibration Error (M-QCE):** + In the case of regression calibration testing, we are interested in the gap between predicted quantile levels and + observed quantile coverage probability for a certain set of quantile levels. We assert :math:`N` observations of our + test set that are used to estimate the NEES, so that we can compute the expected deviation between predicted + quantile level and observed quantile coverage by + + .. math:: + \\text{M-QCE}(\\tau) := \\mathbb{E} \\Big[ \\big| \\mathbb{P} \\big( \\epsilon \\leq \\chi^2_M(\\tau) \\big) - \\tau \\big| \\Big] , + + which is the definition of the Marginal Quantile Calibration Error (M-QCE) [1]_. + The M-QCE is calculated by + + .. math:: + \\text{M-QCE}(\\tau) = \\Bigg| \\frac{1}{N} \\sum^N_{n=1} \\mathbb{1} \\big( \\epsilon_n \\leq \\chi^2_M(\\tau) \\big) - \\tau \\Bigg| + + **Conditional Quantile Calibration Error (C-QCE):** + The M-QCE measures the marginal calibration error which is more suitable to test for *quantile calibration*. + However, similar to :class:`netcal.metrics.regression.UCE` and :class:`netcal.metrics.regression.ENCE`, + we want to induce a dependency on the estimated covariance, since we require + that + + .. math:: + &\\mathbb{E}[(\\boldsymbol{y} - \\hat{\\boldsymbol{y}})(\\boldsymbol{y} - \\hat{\\boldsymbol{y}})^\\top | + \\hat{\\boldsymbol{\\Sigma}} = \\boldsymbol{\\Sigma}] = \\boldsymbol{\\Sigma}, + + &\\forall \\boldsymbol{\\Sigma} \\in \\mathbb{R}^{M \\times M}, \\boldsymbol{\\Sigma} \\succcurlyeq 0, + \\boldsymbol{\\Sigma}^\\top = \\boldsymbol{\\Sigma} . + + To estimate the a *covariance* dependent QCE, we apply a binning scheme (similar to the + :class:`netcal.metrics.confidence.ECE`) over the square root of the *standardized generalized variance* (SGV) [3]_, + that is defined as + + .. math:: + \\sigma_G = \\sqrt{\\text{det}(\\hat{\\boldsymbol{\\Sigma}})^{\\frac{1}{M}}} . + + Using the generalized standard deviation, it is possible to get a summarized statistic across different + combinations of correlations to denote the distribution's dispersion. Thus, the Conditional Quantile Calibration + Error (C-QCE) [1]_ is defined by + + .. math:: + \\text{C-QCE}(\\tau) := \\mathbb{E}_{\\sigma_G, X}\\Big[\\Big|\\mathbb{P}\\big(\\epsilon \\leq \\chi^2_M(\\tau) | \\sigma_G\\big) - \\tau \\Big|\\Big] , + + To approximate the expectation over the generalized standard deviation, we use a binning scheme with :math:`B` bins + (similar to the ECE) and :math:`N_b` samples per bin to compute the weighted sum across all bins, so that + + .. math:: + \\text{C-QCE}(\\tau) \\approx \\sum^B_{b=1} \\frac{N_b}{N} | \\text{freq}(b) - \\tau | + + where :math:`\\text{freq}(b)` is the coverage frequency within bin :math:`b` and given by + + .. math:: + \\text{freq}(b) = \\frac{1}{N_b} \\sum_{n \\in \\mathcal{M}_b} \\mathbb{1}\\big(\\epsilon_i \\leq \\chi^2_M(\\tau)\\big) , + + with :math:`\\mathcal{M}_b` as the set of indices within bin :math:`b`. + + Parameters + ---------- + bins : int or iterable, default: 10 + Number of bins used for the internal binning. + If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). + marginal : bool, optional, default: False + If True, compute the M-QCE. This is the marginal probability over all samples falling into the desired + quantiles. If False, use the C-QCE. + The C-QCE uses a binning scheme by the gerneralized standard deviation to measure the conditional probability + over all samples falling into the desired quantiles w.r.t. the generalized standard deviation. + sample_threshold : int, optional, default: 1 + Bins with an amount of samples below this threshold are not included into the miscalibration metrics. + + References + ---------- + .. [1] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + + .. [2] Y. Bar-Shalom, X. R. Li, and T. Kirubarajan: + "Estimation with applications to tracking and navigation." + Theory algorithms and software. John Wiley & Sons, 2004. + + .. [3] A. SenGupta: + “Tests for standardized generalized variances of multivariate normal populations of possibly different dimensions.” + Journal of Multivariate Analysis, vol. 23, no. 2, pp. 209–219, 1987. + `Get source online `__ + """ + + def __init__( + self, + bins: int = 10, + *, + marginal: bool = True, + sample_threshold: int = 1 + ): + """ Constructor. For detailed parameter description, see class docs. """ + + super().__init__(bins=bins, equal_intervals=True, detection=False, sample_threshold=sample_threshold) + self.marginal = marginal + + # these fields only act as a buffer to reuse within QCE presentation + self._bin_edges = [] + self._is_cov = False + + def measure( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + q: Union[float, Iterable[float], np.ndarray], + *, + kind: str = 'meanstd', + reduction: str = 'batchmean', + range_: List[Tuple[float, float]] = None, + return_map: bool = False, + return_num_samples: bool = False, + ) -> Union[QCE_METRIC, Tuple[QCE_METRIC, QCE_MAP], Tuple[QCE_METRIC, QCE_MAP, QCE_MAP]]: + """ + Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as + NumPy array consisting of a sample distribution. The loss is computed for several quantiles + given by parameter q. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + q : np.ndarray of shape (q,) + Quantile scores in [0, 1] of size q to compute the x-valued quantile boundaries for. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) and (n, [d, [d]]), this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If the second NumPy array has shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + - confidence: asserts X as a single NumPy array of shape (t, n, [1]) with t stochastic forward passes with + scores in [0, 1] that represent confidence scores obtained e.g. by Monte-Carlo sampling. + Furthermore, this mode asserts the ground-truth labels 'y' in the {0, 1} set and converts + them to continuous [0, 1] scores by binning. Thus, it is possible to evaluate the + confidence uncertainty with binned labels. + reduction : str, one of 'none', 'mean' or 'batchmean', default: 'batchmean' + Specifies the reduction to apply to the output: + - none : no reduction is performed. Return QCE for each sample and for each dim separately. + - mean : calculate mean over all quantiles and all dimensions. + - batchmean : calculate mean over all quantiles but for each dim separately. + If input has covariance matrices, 'batchmean' is the same as 'mean'. + range_ : list of length d with tuples (lower_bound: float, upper_bound: float) + List of tuples that define the binning range of the standard deviation for each dimension separately. + For example, if input data is given with only a few samples having high standard deviations, + this might distort the calculations as the binning scheme commonly takes the (min, max) as the range + for the binning, yielding a high amount of empty bins. + return_map: bool, optional, default: False + If True, return miscalibration score for each quantile and each bin separately. Otherwise, compute mean + over all quantiles and all bins. + return_num_samples : bool, optional, default: False + If True, also return the number of samples in each bin. + + Returns + ------- + float or np.ndarray or tuple of (float, List[np.ndarray], [List[np.ndarray]]) + Always returns miscalibration metric. See parameter "reduction" for a detailed description. + If 'return_map' is True, return tuple and append miscalibration map over all bins. + If 'return_num_samples' is True, return tuple and append the number of samples in each bin (excluding confidence dimension). + """ + + # clear bin_edges buffer list and is_cov buffer + self._bin_edges = [] + self._is_cov = False + + # kind 'confidence' induces a different treatment - the target scores given by 'y' are assumed + # to be in the {0, 1} set and are converted to continuous [0, 1] scores by binning the samples. + # Thus, it is possible to evaluate the confidence uncertainty + if kind == "confidence": + result = self.frequency(X=X, y=y, batched=False, uncertainty="mean") + + # frequency is 2nd entry in return tuple and within first batch + X = X[..., :1] # (t, n, 1) + y = np.reshape(result[1][0], (-1, 1)) # (n, 1) + + # kind 'meanstd' will result in a HPDI computation if sample distribution is given + kind = "meanstd" + + in_quantile, _, _, mean, var = is_in_quantile(X, y, q, kind) # (q, n, [d]), (q, n, d), (n, d), (n, d, [d]) + n_samples, n_dims = mean.shape + + # if marginal, do not use a binning scheme but rather compute the marginal + # probabilities for each quantile level + if self.marginal: + frequency = np.mean(in_quantile, axis=1) # (q, [d]) + + # expand q if frequency ndim = 2 + q = np.expand_dims(q, axis=1) if frequency.ndim == 2 else q + + # QCE is difference between expected quantile level and actual frequency + qce = np.abs(frequency - q) # (q, [d]) + + qce_map = None + num_samples_hist = None + + # if conditional, apply a binning scheme + else: + + # independent variables: compute histogram edges for each dimensions independently + if var.ndim == 2: + + self._is_cov = False + qce, qce_map, num_samples_hist = [], [], [] + std = np.sqrt(var) + + # prepare binning boundaries for regression + bin_bounds = self._prepare_bins_regression(std, n_dims=n_dims, range_=range_) + + for dim in range(n_dims): + + # split up arrays for each quantile + splitted = [x[:, dim] for x in in_quantile] # [(n,), (n,), ...] of length q + + # perform binning over 1D variance + freq_hist, n_samples_hist, bounds, _ = self.binning([bin_bounds[dim]], std[:, dim], *splitted) + freq_hist, n_samples_hist = np.array(freq_hist), np.array(n_samples_hist) # (q, b) , (b,) + + # calculate the difference between the expected quantile level and the observed frequency + # compute the weighted sum + qce_map_dim = np.abs(freq_hist - q[:, None]) # (q, b) + qce_dim = np.average(qce_map_dim, axis=1, weights=n_samples_hist / n_samples) # (q,) + + # add dimension results to overal result lists + qce.append(qce_dim) + qce_map.append(qce_map_dim) + num_samples_hist.append(n_samples_hist) + self._bin_edges.extend(bounds) + + qce = np.stack(qce, axis=1) # (q, d) + + # multivariate (dependent case) - compute joint histogram bounds + # based on standardized generalized variance + else: + + self._is_cov = True + + # matrix determinant raise an exception - catch this to output a more meaningful error + try: + determinant = np.linalg.det(var) # (n,) + except np.linalg.LinAlgError: + raise RuntimeError("QCE: found invalid input covariance matrices.") + + # calculate standardized generalized variance + sgv = np.power(determinant, 1. / (n_dims)) # (n,) + sg_std = np.sqrt(sgv) + + # prepare binning boundaries for regression + bin_bounds = self._prepare_bins_regression(sg_std, n_dims=1, range_=range_) + + # split up arrays for each quantile + splitted = [x for x in in_quantile] # [(n,), (n,), ...] of length q + + # perform binning over SGV + frequency_hist, num_samples_hist, edges, _ = self.binning(bin_bounds, sg_std, *splitted) + frequency_hist, num_samples_hist = np.array(frequency_hist), np.array(num_samples_hist) # (q, b) , (b,) + + # calculate the difference between the expected quantile level and the observed frequency + # compute the weighted sum + qce_map = np.abs(frequency_hist - q[:, None]) # (q, b) + qce = np.average(qce_map, axis=1, weights=num_samples_hist / n_samples) # (q,) + + qce_map = [qce_map] + num_samples_hist = [num_samples_hist] + + self._bin_edges.extend(edges) + + # no reduction is applied + if reduction is None or reduction == 'none': + metric = qce + + # 'mean' is mean over all quantiles and all dimensions + elif reduction == "mean": + metric = float(np.mean(qce)) + + # 'batchmean' is mean over all quantiles but for each dim separately. + # If input has covariance matrices, 'batchmean' is the same as 'mean'. + elif reduction == "batchmean": + metric = np.mean(qce, axis=0) # (d,) + + # unknown reduction method + else: + raise RuntimeError("Unknown reduction: \'%s\'" % reduction) + + # build output structure w.r.t. user input + if not return_map and not return_num_samples: + return metric + + return_value = (metric,) + if return_map and not self.marginal: + return_value = return_value + (qce_map,) + + if return_num_samples and not self.marginal: + return_value = return_value + (num_samples_hist,) + + return return_value diff --git a/netcal/metrics/regression/QuantileLoss.py b/netcal/metrics/regression/QuantileLoss.py new file mode 100644 index 0000000..9228de9 --- /dev/null +++ b/netcal/metrics/regression/QuantileLoss.py @@ -0,0 +1,119 @@ +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, Tuple +from typing import Union +import numpy as np +from netcal import accepts, squeeze_generic, is_in_quantile + + +class QuantileLoss(object): + """ + Pinball aka quantile loss within regression calibration to test for *quantile calibration* of a probabilistic + regression model. The Pinball loss is an asymmetric loss that measures the quality of the predicted + quantiles. Given a probabilistic regression model that outputs a probability density function (PDF) :math:`f_Y(y)` + targeting the ground-truth :math:`y`, we further denote the cumulative as :math:`F_Y(y)` and the (inverse) + percent point function (PPF) as :math:`F_Y^{-1}(\\tau)` for a certain quantile level :math:`\\tau \\in [0, 1]`. + + The Pinball loss is given by + + .. math:: + L_{\\text{Pin}}(\\tau) = + \\begin{cases} + \\big( y-F_Y^{-1}(\\tau) \\big)\\tau \\quad &\\text{if } y \\geq F_Y^{-1}(\\tau)\\\\ + \\big( F_Y^{-1}(\\tau)-y \\big)(1-\\tau) \\quad &\\text{if } y < F_Y^{-1}(\\tau) + \\end{cases} . + """ + + def measure( + self, X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + q: Union[float, Iterable[float], np.ndarray], + *, + kind: str = 'meanstd', + reduction: str = 'mean', + ): + """ + Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as + NumPy array consisting of a sample distribution. The loss is computed for several quantiles + given by parameter q. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + q : np.ndarray of shape (q,) + Quantile scores in [0, 1] of size q to compute the x-valued quantile boundaries for. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + reduction : str, one of 'none', 'mean' or 'sum' default: 'mean' + Specifies the reduction to apply to the output: + - none : no reduction is performed. Return quantile loss for each sample, each + quantile and for each dim separately. + - mean : calculate mean over all quantiles, all samples and all dimensions. + - sum : calculate sum over all quantiles, all samples and all dimensions + + Returns + ------- + np.ndarray of shape (q, d) + Quantile loss for quantile q in dimension d over all samples in input X. + See parameter "reduction" for a detailed description of the return type. + """ + + # get quantile boundaries + in_quantile, qbounds, _, _, _ = is_in_quantile(X, y, q, kind) # (q, n, [d]), (q, n, d) + + # qbounds is None if input is given with covariance matrices + if qbounds is None: + raise RuntimeError("QuantileLoss is currently not defined for multivariate data with correlation.") + + # make y at least 2d + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + # broadcast q array to all dimensions + n_samples, n_dims = y.shape + + # standard case: use L1 (absolute) distance between ground-truth and quantile boundary + q = np.broadcast_to(q[:, None, None], (q.shape[0], n_samples, n_dims)) # (q, n, d) + distance = np.abs(y[None, :] - qbounds) # (q, n, d) + + # compute weights for pinball loss + weights = np.where(in_quantile, 1.-q, q) # (q, n, [d]) + + # finally, compute loss + loss = distance * weights # (q, n, [d]) + + # no reduction is applied + if reduction is None or reduction == 'none': + return loss + + # 'mean' is mean over all quantiles and all dimensions + elif reduction == "mean": + return float(np.mean(loss)) + + # 'sum' is sum over all quantiles and all dimensions + elif reduction == "sum": + return float(np.sum(loss)) + + # unknown reduction method + else: + raise RuntimeError("Unknown reduction: \'%s\'" % reduction) + + +class PinballLoss(QuantileLoss): + """ Synonym for Quantile loss. For documentation, see :class:`netcal.metrics.regression.QuantileLoss`. """ + pass diff --git a/netcal/metrics/regression/README.md b/netcal/metrics/regression/README.md new file mode 100644 index 0000000..e0d1532 --- /dev/null +++ b/netcal/metrics/regression/README.md @@ -0,0 +1,17 @@ +# Metrics for Regression Uncertainty Calibration + +Methods for measuring miscalibration in the context of regression uncertainty calibration for probabilistic +regression models. + +The common methods for regression uncertainty evaluation are *netcal.metrics.regression.PinballLoss* (Pinball +loss), the *netcal.metrics.regression.NLL* (NLL), and the *netcal.metrics.regression.QCE* (M-QCE and +C-QCE). The Pinball loss as well as the Marginal/Conditional Quantile Calibration Error (M-QCE and C-QCE) evaluate +the quality of the estimated quantiles compared to the observed ground-truth quantile coverage. The NLL is a proper +scoring rule to measure the overall quality of the predicted probability distributions. + +Further metrics are the *netcal.metrics.regression.UCE* (UCE) and the *netcal.metrics.regression.ENCE* +(ENCE) which both apply a binning scheme over the predicted standard deviation/variance and test for *variance +calibration*. + +For a detailed description of the available metrics within regression calibration, see the module doc of +*netcal.regression*. \ No newline at end of file diff --git a/netcal/metrics/regression/UCE.py b/netcal/metrics/regression/UCE.py new file mode 100644 index 0000000..43c0c39 --- /dev/null +++ b/netcal/metrics/regression/UCE.py @@ -0,0 +1,155 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import warnings +from typing import Iterable, Tuple, List +from typing import Union +import numpy as np + +from netcal import accepts, meanvar, cumulative_moments +from netcal.metrics.Miscalibration import _Miscalibration + + +class UCE(_Miscalibration): + """ + Uncertainty Calibration Error (UCE) for a regression calibration evaluation to test for + *variance calibration*. A probabilistic regression model takes :math:`X` as input and outputs a + mean :math:`\\mu_Y(X)` and a variance :math:`\\sigma_Y^2(X)` targeting the ground-truth :math:`y`. + Similar to the :class:`netcal.metrics.confidence.ECE`, the UCE applies a binning scheme with :math:`B` bins + over the predicted variance :math:`\\sigma_Y^2(X)` and measures the absolute difference + between mean squared error (MSE) and mean variance (RMV) [1]_. + Thus, the UCE [1]_ is defined by + + .. math:: + \\text{UCE} := \\sum^B_{b=1} \\frac{N_b}{N} |MSE(b) - MV(b)| , + + where :math:`MSE(b)` and :math:`MV(b)` are the mean squared error and the mean variance within + bin :math:`b`, respectively, and :math:`N_b` is the number of samples within bin :math:`b`. + + If multiple dimensions are given, the UCE is measured for each dimension separately. + + Parameters + ---------- + bins : int or iterable, default: 10 + Number of bins used by the UCE binning. + If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). + sample_threshold : int, optional, default: 1 + Bins with an amount of samples below this threshold are not included into the miscalibration metrics. + + References + ---------- + .. [1] Laves, Max-Heinrich, et al.: + "Well-calibrated regression uncertainty in medical imaging with deep learning." + Medical Imaging with Deep Learning. PMLR, 2020. + `Get source online `__ + """ + + @accepts((int, tuple, list), int) + def __init__( + self, + bins: Union[int, Iterable[int]] = 10, + sample_threshold: int = 1 + ): + """ Constructor. For detailed parameter description, see class docs. """ + + super().__init__(bins=bins, equal_intervals=True, detection=False, sample_threshold=sample_threshold) + + def measure( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + *, + kind: str = 'meanstd', + range_: List[Tuple[float, float]] = None + ): + """ + Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as + NumPy array consisting of a sample distribution. The loss is computed for several quantiles + given by parameter q. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + range_ : list of length d with tuples (lower_bound: float, upper_bound: float) + List of tuples that define the binning range of the variance for each dimension separately. + For example, if input data is given with only a few samples having high variance, + this might distort the calculations as the binning scheme commonly takes the (min, max) as the range + for the binning, yielding a high amount of empty bins. + + Returns + ------- + NumPy array of shape (d,) + NumPy array with the UCE for each input dimension separately. + """ + + assert kind in ['meanstd', 'cauchy', 'cumulative'], 'Parameter \'kind\' must be either \'meanstd\', or \'cumulative\'.' + if kind == "meanstd": + (mean, var), y, cov = meanvar(X, y) + + # check if correlated input is given + if cov: + raise RuntimeError("UCE is not defined for multivariate data with correlation.") + + mean = np.expand_dims(mean, axis=1) if mean.ndim == 1 else mean # (n, d) + var = np.expand_dims(var, axis=1) if var.ndim == 1 else var # (n, d) + + # Cauchy distribution has no variance - ENCE is not applicable + elif kind == "cauchy": + + n_dims = y.shape[1] if y.ndim == 2 else 1 + + warnings.warn("UCE is not applicable for Cauchy distributions.") + return np.full(shape=(n_dims,), fill_value=float('nan')) + + else: + + # extract sampling points t and cumulative + # get differences of cumulative and intermediate points of t + t, cdf = X + mean, var = cumulative_moments(t, cdf) # (n, d) and (n, d) + + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y + n_samples, n_dims = y.shape + + # squared error + error = np.square(mean - y) # (n, d) + + # prepare binning boundaries for regression + bin_bounds = self._prepare_bins_regression(var, n_dims=n_dims, range_=range_) + + uce = [] + for dim in range(n_dims): + + # perform binning over 1D variance + (mv_hist, mse_hist), n_samples_hist, bounds, _ = self.binning( + [bin_bounds[dim]], + var[:, dim], + var[:, dim], + error[:, dim] + ) + n_samples_hist = n_samples_hist / n_samples + + # UCE for current dim is weighted sum over all bins + uce.append( + np.sum(np.abs(mse_hist-mv_hist) * n_samples_hist) + ) + + uce = np.array(uce).squeeze() + return uce diff --git a/netcal/metrics/regression/__init__.py b/netcal/metrics/regression/__init__.py new file mode 100644 index 0000000..844ee01 --- /dev/null +++ b/netcal/metrics/regression/__init__.py @@ -0,0 +1,34 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/metrics/regression/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_metric + :template: custom_class.rst + + QuantileLoss + PinballLoss + ENCE + UCE + PICP + QCE + NLL +""" + +from .QuantileLoss import QuantileLoss +from .QuantileLoss import PinballLoss +from .ENCE import ENCE +from .UCE import UCE +from .PICP import PICP +from .QCE import QCE +from .NLL import NLL From ca5c7f08a95e923f540b58c15fa659e6ac4316d7 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:53:20 +0200 Subject: [PATCH 08/21] Update presentation package. Update code style of ReliabilityDiagram class. New methods: - ReliabilityRegression: visualize expected quantile vs. observerd quantile coverage - ReliabilityQCE: visualize quantile calibration error (QCE) over the estimated stddevs --- netcal/presentation/ReliabilityDiagram.py | 132 +++++++++---- netcal/presentation/ReliabilityQCE.py | 188 +++++++++++++++++++ netcal/presentation/ReliabilityRegression.py | 185 ++++++++++++++++++ netcal/presentation/__init__.py | 14 +- 4 files changed, 475 insertions(+), 44 deletions(-) create mode 100644 netcal/presentation/ReliabilityQCE.py create mode 100644 netcal/presentation/ReliabilityRegression.py diff --git a/netcal/presentation/ReliabilityDiagram.py b/netcal/presentation/ReliabilityDiagram.py index 186c9b0..f1dc24f 100644 --- a/netcal/presentation/ReliabilityDiagram.py +++ b/netcal/presentation/ReliabilityDiagram.py @@ -1,5 +1,5 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this @@ -13,12 +13,13 @@ import matplotlib.pyplot as plt import tikzplotlib -from netcal.metrics import _Miscalibration +from netcal.metrics.Miscalibration import _Miscalibration class ReliabilityDiagram(object): """ - Plot Confidence Histogram and Reliability Diagram to visualize miscalibration. + Plot Confidence Histogram and Reliability Diagram to visualize miscalibration in the context of + confidence calibration. On classification, plot the gaps between average confidence and observed accuracy bin-wise over the confidence space [1]_, [2]_. On detection, plot the miscalibration w.r.t. the additional regression information provided (1-D or 2-D) [3]_. @@ -49,23 +50,31 @@ class ReliabilityDiagram(object): .. [1] Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: "On Calibration of Modern Neural Networks." Proceedings of the 34th International Conference on Machine Learning-Volume 70. JMLR. org, 2017. - `Get source online `_ + `Get source online `__ .. [2] A. Niculescu-Mizil and R. Caruana: “Predicting good probabilities with supervised learning.” Proceedings of the 22nd International Conference on Machine Learning, 2005, pp. 625–632. - `Get source online `_ + `Get source online `__ .. [3] Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: "Multivariate Confidence Calibration for Object Detection." The IEEE Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020. - `Get source online `_ + `Get source online `__ """ - def __init__(self, bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, - detection: bool = False, sample_threshold: int = 1, - fmin: float = None, fmax: float = None, - metric: str = 'ECE', **kwargs): + def __init__( + self, + bins: Union[int, Iterable[int]] = 10, + *, + equal_intervals: bool = True, + detection: bool = False, + sample_threshold: int = 1, + fmin: float = None, + fmax: float = None, + metric: str = 'ECE', + **kwargs + ): """ Constructor. For detailed parameter documentation view classdocs. """ self.bins = bins @@ -81,12 +90,24 @@ def __init__(self, bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = if 'title_suffix' in kwargs: self.title_suffix = kwargs['title_suffix'] - self._miscalibration = _Miscalibration(bins=bins, equal_intervals=equal_intervals, - detection=detection, sample_threshold=sample_threshold) - - def plot(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np.ndarray], np.ndarray], - batched: bool = False, uncertainty: str = None, filename: str = None, tikz: bool = False, - title_suffix: str = None, feature_names: List[str] = None, **save_args) -> Union[plt.Figure, str]: + self._miscalibration = _Miscalibration( + bins=bins, equal_intervals=equal_intervals, + detection=detection, sample_threshold=sample_threshold + ) + + def plot( + self, + X: Union[Iterable[np.ndarray], np.ndarray], + y: Union[Iterable[np.ndarray], np.ndarray], + *, + batched: bool = False, + uncertainty: str = None, + filename: str = None, + tikz: bool = False, + title_suffix: str = None, + feature_names: List[str] = None, + **save_args + ) -> Union[plt.Figure, str]: """ Reliability diagram to visualize miscalibration. This could be either in classical way for confidences only or w.r.t. additional properties (like x/y-coordinates of detection boxes, width, height, etc.). The additional @@ -136,6 +157,7 @@ def plot(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np. Returns ------- matplotlib.pyplot.Figure if 'tikz' is False else str with tikz code. + Visualization of the reliability diagrams either as Matplotlib figure or as string with tikz code. Raises ------ @@ -170,21 +192,31 @@ def plot(self, X: Union[Iterable[np.ndarray], np.ndarray], y: Union[Iterable[np. raise AttributeError("Diagram is not defined for more than 2 additional feature dimensions.") histograms = [] + num_samples_hist = [] for batch_X, batch_matched, batch_uncertainty, bounds in zip(X, matched, sample_uncertainty, bin_bounds): - batch_histograms = self._miscalibration.binning(bounds, batch_X, batch_matched, batch_X[:, 0], batch_uncertainty[:, 0]) - histograms.append(batch_histograms[:-1]) + + batch_histograms, batch_num_samples, _, _ = self._miscalibration.binning( + bounds, + batch_X, + batch_matched, + batch_X[:, 0], + batch_uncertainty[:, 0] + ) + + histograms.append(batch_histograms) + num_samples_hist.append(batch_num_samples) # no additional dimensions? compute standard reliability diagram if num_features == 1: - fig = self.__plot_confidence_histogram(X, matched, histograms, bin_bounds, title_suffix) + fig = self.__plot_confidence_histogram(X, matched, histograms, num_samples_hist, bin_bounds, title_suffix) # one additional feature? compute 1D-plot elif num_features == 2: - fig = self.__plot_1d(histograms, bin_bounds, title_suffix, feature_names) + fig = self.__plot_1d(histograms, num_samples_hist, bin_bounds, title_suffix, feature_names) # two additional features? compute 2D plot elif num_features == 3: - fig = self.__plot_2d(histograms, bin_bounds, title_suffix, feature_names) + fig = self.__plot_2d(histograms, num_samples_hist, bin_bounds, title_suffix, feature_names) # number of dimensions exceeds 3? quit else: @@ -223,8 +255,15 @@ def __interpolate_grid(cls, metric_map: np.ndarray) -> np.ndarray: metric_map[nans] = griddata(x(~nans), metric_map[~nans], x(nans), method='cubic', fill_value=mean) return metric_map - def __plot_confidence_histogram(self, X: List[np.ndarray], matched: List[np.ndarray], histograms: List[np.ndarray], - bin_bounds: List, title_suffix: str = None) -> plt.Figure: + def __plot_confidence_histogram( + self, + X: List[np.ndarray], + matched: List[np.ndarray], + histograms: List[np.ndarray], + num_samples_hist: List[np.ndarray], + bin_bounds: List, + title_suffix: str = None + ) -> plt.Figure: """ Plot confidence histogram and reliability diagram to visualize miscalibration for condidences only. """ # get number of bins (self.bins has not been processed yet) @@ -232,9 +271,12 @@ def __plot_confidence_histogram(self, X: List[np.ndarray], matched: List[np.ndar median_confidence = [(bounds[0][1:] + bounds[0][:-1]) * 0.5 for bounds in bin_bounds] mean_acc, mean_conf = [], [] - for batch_X, batch_matched, batch_hist, batch_median in zip(X, matched, histograms, median_confidence): - acc_hist, conf_hist, _, num_samples_hist = batch_hist - empty_bins, = np.nonzero(num_samples_hist == 0) + for batch_X, batch_matched, batch_hist, batch_num_samples, batch_median in zip( + X, matched, histograms, num_samples_hist, median_confidence + ): + + acc_hist, conf_hist, _ = batch_hist + empty_bins, = np.nonzero(batch_num_samples == 0) # calculate overall mean accuracy and confidence mean_acc.append(np.mean(batch_matched)) @@ -245,13 +287,13 @@ def __plot_confidence_histogram(self, X: List[np.ndarray], matched: List[np.ndar conf_hist[empty_bins] = batch_median[empty_bins] # convert num_samples to relative afterwards (inplace denoted by [:]) - num_samples_hist[:] = num_samples_hist / np.sum(num_samples_hist) + batch_num_samples[:] = batch_num_samples / np.sum(batch_num_samples) # get mean histograms and values over all batches acc = np.mean([hist[0] for hist in histograms], axis=0) conf = np.mean([hist[1] for hist in histograms], axis=0) uncertainty = np.sqrt(np.mean([hist[2] for hist in histograms], axis=0)) - num_samples = np.mean([hist[3] for hist in histograms], axis=0) + num_samples = np.mean([x for x in num_samples_hist], axis=0) mean_acc = np.mean(mean_acc) mean_conf = np.mean(mean_conf) median_confidence = np.mean(median_confidence, axis=0) @@ -318,11 +360,17 @@ def __plot_confidence_histogram(self, X: List[np.ndarray], matched: List[np.ndar ax.set_ylabel('Accuracy') ax.legend(['Perfect Calibration', 'Output', 'Gap']) - plt.tight_layout() + fig.tight_layout() return fig - def __plot_1d(self, histograms: List[np.ndarray], bin_bounds: List, - title_suffix: str = None, feature_names: List[str] = None) -> plt.Figure: + def __plot_1d( + self, + histograms: List[np.ndarray], + num_samples_hist: List[np.ndarray], + bin_bounds: List, + title_suffix: str = None, + feature_names: List[str] = None + ) -> plt.Figure: """ Plot 1-D miscalibration w.r.t. one additional feature. """ # z score for credible interval (if uncertainty is given) @@ -330,8 +378,9 @@ def __plot_1d(self, histograms: List[np.ndarray], bin_bounds: List, z_score = norm.ppf(1. - (p / 2)) results = [] - for batch_hist, bounds in zip(histograms, bin_bounds): - result = self._miscalibration.process(self.metric, *batch_hist) + for batch_hist, batch_num_samples, bounds in zip(histograms, num_samples_hist, bin_bounds): + + result = self._miscalibration.process(self.metric, *batch_hist, num_samples_hist=batch_num_samples) bin_median = (bounds[-1][:-1] + bounds[-1][1:]) * 0.5 # interpolate missing values @@ -406,13 +455,20 @@ def __plot_1d(self, histograms: List[np.ndarray], bin_bounds: List, fig.tight_layout() return fig - def __plot_2d(self, histograms: List[np.ndarray], bin_bounds: List[np.ndarray], - title_suffix: str = None, feature_names: List[str] = None) -> plt.Figure: + def __plot_2d( + self, + histograms: List[np.ndarray], + num_samples_hist: List[np.ndarray], + bin_bounds: List[np.ndarray], + title_suffix: str = None, + feature_names: List[str] = None + ) -> plt.Figure: """ Plot 2D miscalibration reliability diagram heatmap. """ results = [] - for batch_hist in histograms: - result = self._miscalibration.process(self.metric, *batch_hist) + for batch_hist, batch_num_samples in zip(histograms, num_samples_hist): + + result = self._miscalibration.process(self.metric, *batch_hist, num_samples_hist=batch_num_samples) # interpolate 2D data inplace to avoid "empty" bins batch_samples = result[-1] diff --git a/netcal/presentation/ReliabilityQCE.py b/netcal/presentation/ReliabilityQCE.py new file mode 100644 index 0000000..c5c2aee --- /dev/null +++ b/netcal/presentation/ReliabilityQCE.py @@ -0,0 +1,188 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Union, Iterable, Tuple, List +import numpy as np +from matplotlib import pyplot as plt +import tikzplotlib + +from netcal.metrics.regression import QCE + + +class ReliabilityQCE(object): + """ + Visualizes the Conditional Quantile Calibration Error (C-QCE) in the scope of regression calibration as a bar chart + for probabilistic regression models. + See :class:`netcal.metrics.regression.QCE` for a detailed documentation of the C-QCE [1]_. + This method is able to visualize the C-QCE in terms of multiple univariate distributions if the input is given + as multiple independent Gaussians. + This method is also able to visualize the multivariate C-QCE for a multivariate Gaussian if the input is given + with covariance matrices. + + Parameters + ---------- + bins : int or iterable, default: 10 + Number of bins used by the C-QCE binning. + If iterable, use different amount of bins for each dimension (nx1, nx2, ... = bins). + + References + ---------- + .. [1] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + """ + + eps = np.finfo(np.float32).eps + + def __init__(self, bins: Union[int, Iterable[float], np.ndarray] = 10): + """ Constructor. For detailed parameter documentation view classdocs. """ + + self.qce = QCE(bins=bins, marginal=False) + + def plot( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + q: Union[float, Iterable[float], np.ndarray], + *, + kind: str = 'meanstd', + range_: List[Tuple[float, float]] = None, + filename: str = None, + tikz: bool = False, + title_suffix: str = None, + **save_args + ) -> Union[plt.Figure, str]: + """ + Visualizes the C-QCE as a bar chart either for multiple univariate data (if standard deviations are given as + input) or for a joint multivariate distribution (if covariance matrices are given as input). + See parameter "kind" for a detailed description of the input format. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + q : np.ndarray of shape (q,) + Quantile scores in [0, 1] of size q to compute the x-valued quantile boundaries for. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) and (n, [d, [d]]), this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If the second NumPy array has shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + range_ : list of length d with tuples (lower_bound: float, upper_bound: float) + List of tuples that define the binning range of the standard deviation for each dimension separately. + For example, if input data is given with only a few samples having high standard deviations, + this might distort the calculations as the binning scheme commonly takes the (min, max) as the range + for the binning, yielding a high amount of empty bins. + filename : str, optional, default: None + Optional filename to save the plotted figure. + tikz : bool, optional, default: False + If True, use 'tikzplotlib' package to return tikz-code for Latex rather than a Matplotlib figure. + title_suffix : str, optional, default: None + Suffix for plot title. + **save_args : args + Additional arguments passed to 'matplotlib.pyplot.Figure.savefig' function if 'tikz' is False. + If 'tikz' is True, the argument are passed to 'tikzplotlib.get_tikz_code' function. + + Returns + ------- + matplotlib.pyplot.Figure if 'tikz' is False else str with tikz code. + Visualization of the C-QCE either as Matplotlib figure or as string with tikz code. + """ + + # measure QCE and return a miscalibration map + _, qce_map, num_samples_hist = self.qce.measure( + X=X, + y=y, + q=q, + kind=kind, + reduction="none", + range_=range_, + return_map=True, + return_num_samples=True + ) # (q, b) + + # get number of dimensions + ndims = len(qce_map) + + # catch if bin_edges is None + assert len(self.qce._bin_edges) != 0, "Fatal error: could not compute bin_edges for ReliabilityQCE." + + # initialize plot and create an own chart for each dimension + fig, axes = plt.subplots(nrows=2, ncols=ndims, figsize=(7 * ndims, 6), squeeze=False) + for dim in range(ndims): + + # convert absolute number of samples to relative amount + n_samples_hist = np.divide(num_samples_hist[dim], np.sum(num_samples_hist[dim])) + + # compute mean over all quantiles as well as mean over all bins separately + mean_over_quantiles = np.mean(qce_map[dim], axis=0) # (b,) + + # get binning boundaries for actual dimension + bounds = self.qce._bin_edges[dim] # (b+1) + + for ax, metric, title, ylabel in zip( + [axes[0][dim], axes[1][dim]], + [n_samples_hist, mean_over_quantiles], + ["Sample Histogram", "QCE mean over quantiles"], + ["% of Samples", "Quantile Calibration Error (QCE)"], + ): + + # draw bar chart with given edges and metrics + ax.bar(bounds[:-1], height=metric, width=np.diff(bounds), align='edge', edgecolor='black') + + # set axes edges + ax.set_xlim((bounds[0], bounds[-1])) + ax.set_ylim((0., 1.)) + + # labels and grid + if self.qce._is_cov: + title = title + ' - multivariate' + ax.set_xlabel("sqrt( Standardized Generalized Variance (SGV) )") + else: + title = title + ' - dim %02d' % dim + ax.set_xlabel("Standard Deviation") + + ax.set_ylabel(ylabel) + ax.grid(True) + + # set axis title + if title_suffix is not None: + title = title + ' - ' + title_suffix + + ax.set_title(title) + + fig.tight_layout() + + # if tikz is true, create tikz code from matplotlib figure + if tikz: + + # get tikz code for our specific figure and also pass filename to store possible bitmaps + tikz_fig = tikzplotlib.get_tikz_code(fig, filepath=filename, **save_args) + + # close matplotlib figure when tikz figure is requested to save memory + plt.close(fig) + fig = tikz_fig + + # save figure either as matplotlib PNG or as tikz output file + if filename is not None: + if tikz: + with open(filename, "w") as open_file: + open_file.write(fig) + else: + fig.savefig(filename, **save_args) + + return fig diff --git a/netcal/presentation/ReliabilityRegression.py b/netcal/presentation/ReliabilityRegression.py new file mode 100644 index 0000000..1ca2a58 --- /dev/null +++ b/netcal/presentation/ReliabilityRegression.py @@ -0,0 +1,185 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Union, Iterable, Tuple, List +import numpy as np +from matplotlib import pyplot as plt +import tikzplotlib + +from netcal import is_in_quantile + + +class ReliabilityRegression(object): + """ + Reliability diagram in the scope of regression calibration for probabilistic regression models. + This diagram visualizes the quantile coverage frequency for several quantile levels and plots these observed + coverage scores above the desired quantile levels. + In this way, it is possible to compare the predicted and the observed quantile levels with each other. + + This method is able to visualize the quantile coverage in terms of multiple univariate distributions if the input + is given as multiple independent Gaussians. + This method is also able to visualize the multivariate quantile coverage for a joint multivariate Gaussian if the + input is given with covariance matrices. + + Parameters + ---------- + quantiles : int or iterable, default: 11 + Quantile levels that are used for the visualization of the regression reliability diagram. + If int, use NumPy's linspace method to get the quantile levels. + If iterable, use the specified quantiles for visualization. + """ + + eps = np.finfo(np.float32).eps + + def __init__(self, quantiles: Union[int, Iterable[float], np.ndarray] = 11): + """ Constructor. For detailed parameter documentation view classdocs. """ + + # init list of quantiles if input type is int + if isinstance(quantiles, int): + self.quantiles = np.clip(np.linspace(0., 1., quantiles), self.eps, 1.-self.eps) + + # use input list or array as quantile list + elif isinstance(quantiles, (list, np.ndarray)): + + # at this point, allow for 0 and 1 quantile to be aligned on the miscalibration curve + assert (quantiles >= 0).all(), "Found quantiles <= 0." + assert (quantiles <= 1).all(), "Found quantiles >= 1." + self.quantiles = np.clip(np.array(quantiles), self.eps, 1.-self.eps) + + else: + raise AttributeError("Unknown type \'%s\' for param \'quantiles\'." % type(quantiles)) + + def plot( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + *, + kind: str = 'meanstd', + filename: str = None, + tikz: bool = False, + title_suffix: str = None, + feature_names: List[str] = None, + **save_args + ) -> Union[plt.Figure, str]: + """ + Reliability diagram for regression calibration to visualize the predicted quantile levels vs. the actually + observed quantile coverage probability. + This method is able to visualize the reliability diagram in terms of multiple univariate distributions if the + input is given as multiple independent Gaussians. + This method is also able to visualize the joint multivariate quantile calibration for a multivariate Gaussian + if the input is given with covariance matrices (see parameter "kind" for a detailed description of the input + format). + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or (t, n, [d]), or Tuple of two np.ndarray, each of shape (n, [d]) + Input data obtained by a model that performs inference with uncertainty. + See parameter "kind" for input format descriptions. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + kind : str, either "meanstd" or "cumulative" + Specify the kind of the input data. Might be one of: + - meanstd: if X is tuple of two NumPy arrays with shape (n, [d]) and (n, [d, [d]]), this method asserts the + first array as mean and the second one as the according stddev predictions for d dimensions. + If the second NumPy array has shape (n, d, d), this method asserts covariance matrices as input + for each sample. In this case, the NLL is calculated for multivariate distributions. + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + - cumulative: assert X as tuple of two NumPy arrays of shape (t, n, [d]) with t points on the cumulative + for sample n (and optionally d dimensions). + filename : str, optional, default: None + Optional filename to save the plotted figure. + tikz : bool, optional, default: False + If True, use 'tikzplotlib' package to return tikz-code for Latex rather than a Matplotlib figure. + title_suffix : str, optional, default: None + Suffix for plot title. + feature_names : list, optional, default: None + Names of the additional features that are attached to the axes of a reliability diagram. + **save_args : args + Additional arguments passed to 'matplotlib.pyplot.Figure.savefig' function if 'tikz' is False. + If 'tikz' is True, the argument are passed to 'tikzplotlib.get_tikz_code' function. + + Returns + ------- + matplotlib.pyplot.Figure if 'tikz' is False else str with tikz code. + Visualization of the quantile calibration either as Matplotlib figure or as string with tikz code. + """ + + assert kind in ['meanstd', 'cauchy', 'cumulative'], 'Parameter \'kind\' must be either \'meanstd\', or \'cumulative\'.' + + # get quantile coverage of input + in_quantile, _, _, _, _ = is_in_quantile(X, y, self.quantiles, kind) # (q, n, [d]), (q, n, d), (n, d), (n, d, [d]) + + # get the frequency of which y is within the quantile bounds + frequency = np.mean(in_quantile, axis=1) # (q, [d]) + + # make frequency array at least 2d + if frequency.ndim == 1: + frequency = np.expand_dims(frequency, axis=1) # (q, d) or (q, 1) + + n_dims = frequency.shape[-1] + + # check feature names parameter + if feature_names is not None: + assert isinstance(feature_names, (list, tuple)), "Parameter \'feature_names\' must be tuple or list." + assert len(feature_names) == n_dims, "Length of parameter \'feature_names\' must be equal to the amount " \ + "of dimensions. Input with full covariance matrices is interpreted " \ + "as n_features=1." + + # initialize plot and create an own chart for each dimension + fig, axes = plt.subplots(nrows=n_dims, figsize=(7, 3 * n_dims), squeeze=False) + for dim, ax in enumerate(axes): + + # ax object also has an extra dim for columns + ax = ax[0] + + ax.plot(self.quantiles, frequency[:, dim], "o-") + + # draw diagonal as perfect calibration line + ax.plot([0, 1], [0, 1], color='red', linestyle='--') + ax.set_xlim((0.0, 1.0)) + ax.set_ylim((0.0, 1.0)) + + # labels and legend of second plot + ax.set_xlabel('Expected quantile') + ax.set_ylabel('Observed frequency') + ax.legend(['Output', 'Perfect Calibration']) + ax.grid(True) + + # set axis title + title = 'Reliability Regression Diagram' + if title_suffix is not None: + title = title + ' - ' + title_suffix + if feature_names is not None: + title = title + ' - ' + feature_names[dim] + else: + title = title + ' - dim %02d' % dim + + ax.set_title(title) + + fig.tight_layout() + + # if tikz is true, create tikz code from matplotlib figure + if tikz: + + # get tikz code for our specific figure and also pass filename to store possible bitmaps + tikz_fig = tikzplotlib.get_tikz_code(fig, filepath=filename, **save_args) + + # close matplotlib figure when tikz figure is requested to save memory + plt.close(fig) + fig = tikz_fig + + # save figure either as matplotlib PNG or as tikz output file + if filename is not None: + if tikz: + with open(filename, "w") as open_file: + open_file.write(fig) + else: + fig.savefig(filename, **save_args) + + return fig diff --git a/netcal/presentation/__init__.py b/netcal/presentation/__init__.py index 83c2ba1..2f41b86 100644 --- a/netcal/presentation/__init__.py +++ b/netcal/presentation/__init__.py @@ -1,14 +1,13 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -Methods for the visualization of miscalibration. This package consists of a Reliability Diagram method. -This method bins similar to the ACE or ECE the samples in equally sized bins by their confidence and -displays the gap between confidence and observed accuracy in each bin. +.. include:: /../../netcal/presentation/README.md + :parser: myst_parser.sphinx_ Available classes ================= @@ -18,8 +17,11 @@ :template: custom_class.rst ReliabilityDiagram + ReliabilityRegression + ReliabilityQCE """ from .ReliabilityDiagram import ReliabilityDiagram - +from .ReliabilityRegression import ReliabilityRegression +from .ReliabilityQCE import ReliabilityQCE From 8e7220b879d366334a35b9cb869e5e3d35c43c9a Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:55:29 +0200 Subject: [PATCH 09/21] Add new package: regression. This package partially uses Gaussian process for recalibration and therefore has a subpackage named gp. The following methods have been implemented: - Isotonic Regression - Variance Scaling - GP-Beta - GP-Normal - GP-Cauchy --- netcal/regression/IsotonicRegression.py | 291 +++++++ netcal/regression/VarianceScaling.py | 188 ++++ netcal/regression/__init__.py | 39 + netcal/regression/gp/AbstractGP.py | 816 ++++++++++++++++++ netcal/regression/gp/GPBeta.py | 281 ++++++ netcal/regression/gp/GPCauchy.py | 205 +++++ netcal/regression/gp/GPNormal.py | 240 ++++++ netcal/regression/gp/README.md | 28 + netcal/regression/gp/__init__.py | 37 + .../regression/gp/kernel/GaussianRBFKernel.py | 141 +++ netcal/regression/gp/kernel/README.md | 3 + netcal/regression/gp/kernel/__init__.py | 22 + .../gp/likelihood/BetaLikelihood.py | 420 +++++++++ .../gp/likelihood/CauchyLikelihood.py | 64 ++ netcal/regression/gp/likelihood/README.md | 4 + .../ScaledMultivariateNormalLikelihood.py | 172 ++++ .../gp/likelihood/ScaledNormalLikelihood.py | 62 ++ netcal/regression/gp/likelihood/__init__.py | 28 + 18 files changed, 3041 insertions(+) create mode 100644 netcal/regression/IsotonicRegression.py create mode 100644 netcal/regression/VarianceScaling.py create mode 100644 netcal/regression/__init__.py create mode 100644 netcal/regression/gp/AbstractGP.py create mode 100644 netcal/regression/gp/GPBeta.py create mode 100644 netcal/regression/gp/GPCauchy.py create mode 100644 netcal/regression/gp/GPNormal.py create mode 100644 netcal/regression/gp/README.md create mode 100644 netcal/regression/gp/__init__.py create mode 100644 netcal/regression/gp/kernel/GaussianRBFKernel.py create mode 100644 netcal/regression/gp/kernel/README.md create mode 100644 netcal/regression/gp/kernel/__init__.py create mode 100644 netcal/regression/gp/likelihood/BetaLikelihood.py create mode 100644 netcal/regression/gp/likelihood/CauchyLikelihood.py create mode 100644 netcal/regression/gp/likelihood/README.md create mode 100644 netcal/regression/gp/likelihood/ScaledMultivariateNormalLikelihood.py create mode 100644 netcal/regression/gp/likelihood/ScaledNormalLikelihood.py create mode 100644 netcal/regression/gp/likelihood/__init__.py diff --git a/netcal/regression/IsotonicRegression.py b/netcal/regression/IsotonicRegression.py new file mode 100644 index 0000000..402a7cd --- /dev/null +++ b/netcal/regression/IsotonicRegression.py @@ -0,0 +1,291 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Mozilla Public +# License, v. 2.0. If a copy of the MPL was not distributed with this +# file, You can obtain one at http://mozilla.org/MPL/2.0/. + +from typing import Union, List, Tuple, Optional +import numpy as np +from torch.utils.tensorboard import SummaryWriter +from sklearn.isotonic import IsotonicRegression as sklearn_iso +from scipy.stats import norm +from matplotlib import pyplot as plt + +from netcal import AbstractCalibration, cumulative, meanvar, density_from_cumulative + + +class IsotonicRegression(AbstractCalibration): + """ + Isotonic regression calibration for probabilistic regression models with multiple independent + output dimensions (optionally). + Isotonic regression is a piecewise constant, monotonically increasing mapping function used to recalibrate + the estimated cumulative density function (CDF) of a probabilistic forecaster [1]_. The goal of regression + calibration using Isotonic regression is to achieve quantile calibration. + + On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of + shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic + forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of + probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples + and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single + NumPy array. + + This method is capable of multiple independent data dimensions where separate calibration models are fitted for + each data dimension. This method outputs a tuple consisting of three NumPy arrays: + + - 1st array: T points where the density/cumulative distribution functions are defined, shape: (T, N, D) + - 2nd array: calibrated probability density function, shape: (T, N, D) + - 3rd array: calibrated cumulative density function, shape: (T, N, D) + + **Mathematical background:** In [1]_, regression calibration is defined in terms of *quantile calibration*. + A probabilistic forecaster :math:`h(X)` outputs for any input :math:`X \\in \\mathbb{R}` a probability density + distribution :math:`f_Y(y)` for the target domain :math:`Y \\in \\mathcal{Y} = \\mathbb{R}`. The according + cumulative density function (CDF) is denoted as :math:`F_Y(y)`, the respective (inverse) quantile function + :math:`F^{-1}_Y(\\tau)` for a certain confidence level :math:`\\tau \\in [0, 1]`. The quantile function denotes + the quantile boundaries in :math:`\\mathcal{Y}` given a certain confidence level :math:`\\tau`. + Using this notation, *quantile calibration* [1]_ is defined as + + .. math:: + \\mathbb{P}(Y \\leq F^{-1}_Y(\\tau)) = \\tau, \\quad \\forall \\tau \\in [0, 1] , + + which is equivalent to + + .. math:: + \\mathbb{P}(F^{-1}_Y(\\tau_1) \\leq Y \\leq F^{-1}_Y(\\tau_2)) = \\tau_2 - \\tau_1, + \\quad \\forall \\tau_1, \\tau_2 \\in [0, 1] . + + In other words, the estimated quantiles should match the observed quantiles. For example, if we inspect the 90% + quantiles of a forecaster over multiple samples, we would expect that 90% of all ground-truth estimates fall into + these quantiles. + + The Isotonic Regression consumes the input cumulative distribution function (CDF) and compares it with the + empirical data CDF. With this comparison, it is possible to map the uncalibrated CDF estimates to calibrated + ones using a monotonically increasing step function. + + References + ---------- + .. [1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: + "Accurate uncertainties for deep learning using calibrated regression." + International Conference on Machine Learning. PMLR, 2018. + `Get source online `__ + """ + + def __init__(self): + """ Constructor. """ + + super().__init__(detection=False, independent_probabilities=False) + self._iso = None + + def clear(self): + """ Clear model parameters. """ + + self._iso = None + + def fit( + self, + X: Union[List[np.ndarray], Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + tensorboard: Optional[SummaryWriter] = None + ) -> 'IsotonicRegression': + """ + Fit a isotonic regression calibration method to the provided data. If multiple dimensions are provided, + multiple independent regression models are fitted for each dimension. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + tensorboard: torch.utils.tensorboard.SummaryWriter, optional, default: None + Instance of type "SummaryWriter" to log training statistics. + + Returns + ------- + IsotonicRegression + Instance of class :class:`netcal.regression.IsotonicRegression`. + """ + + # add a preceeding (sample) dimension to y as "cumulative" expects multiple points on the + # cumulative in the first dimension + y = np.expand_dims(y, axis=0) # (1, n, [d]) + cdf_predicted, y = cumulative(X, y) # (1, n, d) + + # squeeze out the first data dim + cdf_predicted = np.squeeze(cdf_predicted, axis=0) # (n, d) + n_samples, n_dims = cdf_predicted.shape + + # fit the isotonic regression for each dimension independently + self._iso = [] + for dim in range(n_dims): + iso = sklearn_iso(out_of_bounds='clip') + + # get the empirical cumulative for the current dim + # use sort algorithm to determine how many samples are less or equal given a certain sample + # simply use linspace to give the fraction of the relative amount of less or equal + # samples in a sorted array + cdf = np.sort(cdf_predicted[:, dim]) # (n,) + cdf_empirical = np.linspace(1./n_samples, 1., n_samples) # (n,) + + # this method might introduce a small error when consecutive samples have the same value + # in this case, identify equal samples and reassign the new cumulative score in reversed order + equal, = np.where(cdf[:-1] == cdf[1:]) # (n-1, ) + for idx in reversed(equal): + cdf_empirical[idx] = cdf_empirical[idx+1] + + iso.fit(cdf, cdf_empirical) + self._iso.append(iso) + + # draw calibration curve for current dimension and add to SummaryWriter + if tensorboard is not None: + + # draw matplotlib figure + fig, ax = plt.subplots() + ax.plot(iso.X_thresholds_, iso.y_thresholds_) + ax.grid(True) + ax.set_xlim([0., 1.]) + ax.set_ylim([0., 1.]) + ax.set_title("Isotonic recalibration curve dim %02d" % dim) + + # add matplotlib figure to SummaryWriter + tensorboard.add_figure("isotonic/train/curve/dim%02d" % dim, fig, close=True) + + # add number of training samples to tensorboard + if tensorboard is not None: + tensorboard.add_scalar("isotonic/train/n_samples", n_samples) + + return self + + def transform( + self, + X: Union[List[np.ndarray], Tuple[np.ndarray, np.ndarray], np.ndarray], + t: Union[int, np.ndarray] = 512 + ) -> Tuple[np.ndarray, np.ndarray, np.ndarray]: + """ + Transform uncalibrated distributional estimates (mean and stddev or stochastic samples) to calibrated ones + by applying isotonic regression calibration of quantiles. Use the parameter "t" to control the base points + for the returned density/cumulative functions. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + t : int or np.ndarray of shape (t, [n, [d]]) + Parameter to control the output sample distribution. If integer, the given amount of + sample points for each input X is created. If np.ndarray, use this as distribution values for each + sample and each dim in X at location t (either for all samples equally with shape (t,) or for each sample + individually with shape (t, n, [d])). + + Returns + ------- + tuple of 3 np.ndarray, each of shape (t, n, d) + First array holds the points where the density and cumulative functions are defined, shape: (t, n ,d). + Second array is the recalibrated probability density function (PDF), shape: (t, n, d). + Third array is the recalibrated cumulative density function (CDF), shape: (t, n, d). + Note that the data dimension d is always present (also for d=1). + """ + + # check if method has already been trained + if self._iso is None: + raise RuntimeError("IsotonicRegression: call \'fit()\' method first before transform.") + + # get number of dimension used for training + n_dims = len(self._iso) + mean, variance, cov = meanvar(X) + + # catch covariance input + if cov: + raise RuntimeError("IsotonicRegression: covariance input is currently not supported for quantile computation.") + + # make mean and variance at least 2d + mean = np.expand_dims(mean, axis=1) if mean.ndim == 1 else mean # (n, d) + variance = np.expand_dims(variance, axis=1) if variance.ndim == 1 else variance # (n, d) + + # initialize sampling points to define the recalibrated PDF/CDF + n_samples = mean.shape[0] + if isinstance(t, int): + + target_quantile = 1e-7 + stddev = np.sqrt(variance) + + # initialize empty boundaries for cumulative x-scores + lb_cdf = np.zeros(len(self._iso)) # (d,) + ub_cdf = np.zeros(len(self._iso)) # (d,) + + # iterate over all dimensions and examine the according isotonic regression model + for dim, iso in enumerate(self._iso): + + # get the indices of the isotonic calibration curve where the desired relevance level is reached + lb_idx = np.argmax(iso.y_thresholds_ >= target_quantile) + ub_idx = len(iso.y_thresholds_) - np.argmax(np.flip(iso.y_thresholds_) < (1-target_quantile)) - 1 + + # get the according x-scores of the (recalibrated) cumulative + lb_cdf[dim] = iso.X_thresholds_[lb_idx] + ub_cdf[dim] = iso.X_thresholds_[ub_idx] + + # finally, convert these scores back to the uncalibrated cumulative to obtain the sampling points + # with boundaries for the uncalibrated cumulative + lb = norm.ppf(lb_cdf[None, :], loc=mean, scale=stddev) # (n, d) + ub = norm.ppf(ub_cdf[None, :], loc=mean, scale=stddev) # (n, d) + + sampling_points = np.linspace(lb, ub, t, axis=0) # (t, n, d) + + # if t is np.ndarray, use this points as the base for the calibrated + # output distribution + elif isinstance(t, np.ndarray): + + # distribute 1d/2d array + if t.ndim == 1: + sampling_points = np.reshape(t, (-1, 1, 1)) # (t, 1, 1) + sampling_points = np.broadcast_to(sampling_points, (t.shape[0], n_samples, n_dims)) # (t, n, d) + + elif t.ndim == 2: + sampling_points = np.expand_dims(t, axis=2) # (t, n, 1) + sampling_points = np.broadcast_to(sampling_points, (t.shape[0], n_samples, n_dims)) # (t, n, d) + + elif t.ndim == 3: + sampling_points = t # (t, n, d) + + else: + raise RuntimeError("Invalid shape for parameter \'t\'.") + + # guarantee monotonically increasing sampling points (required for PDF diff) + sampling_points = np.sort(sampling_points, axis=0) # (t, n, d) + else: + raise AttributeError("Parameter \'t\' must be either of type int or np.ndarray.") + + t = sampling_points.shape[0] + cdf, _ = cumulative(X, sampling_points) # (t, n, d) + + # iterate over dimensions and perform recalibration of the cumulative + for dim in range(n_dims): + cdf[..., dim] = np.clip( + self._iso[dim].transform(cdf[..., dim].flatten()), # (t*n,) + np.finfo(np.float32).eps, + 1.-np.finfo(np.float32).eps + ).reshape((t, n_samples)) # (t, n) + + # get density function using the cumulative + pdf = density_from_cumulative(sampling_points, cdf) + + return sampling_points, pdf, cdf + + def __repr__(self): + """ Returns a string representation of the calibration method with the most important parameters. """ + + if self._iso is None: + return "IsotonicRegression(fitted=False)" + else: + return "IsotonicRegression(fitted=True)" diff --git a/netcal/regression/VarianceScaling.py b/netcal/regression/VarianceScaling.py new file mode 100644 index 0000000..9e4047e --- /dev/null +++ b/netcal/regression/VarianceScaling.py @@ -0,0 +1,188 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Mozilla Public +# License, v. 2.0. If a copy of the MPL was not distributed with this +# file, You can obtain one at http://mozilla.org/MPL/2.0/. + +from typing import Union, List, Tuple, Optional +from torch.utils.tensorboard import SummaryWriter +import numpy as np + +from netcal import AbstractCalibration, meanvar + + +class VarianceScaling(AbstractCalibration): + """ + Variance recalibration using maximum likelihood estimation for multiple independent dimensions (optionally). + Rescales the input standard deviation by a scalar parameter to achieve *variance calibration* [1]_, [2]_. + This method uses the negative log likelihood as the loss function to optimize the scalar scaling parameter. + The distributional mean is fixed during optimization. + + On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of + shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic + forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of + probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples + and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single + NumPy array. + + This method is capable of multiple independent data dimensions where separate calibration models are fitted for + each data dimension. This method outputs the recalibrated standard deviation (stddev) for each dimension D. + + **Mathematical background:** In [1]_ and [2]_, regression calibration is defined in terms of *variance calibration*. + A probabilistic forecaster :math:`h(X)` outputs for any input :math:`X \\in \\mathbb{R}` a mean :math:`\\mu_Y(X)` + and a variance :math:`\\sigma_Y^2(X)` for the target domain :math:`Y \\in \\mathcal{Y} = \\mathbb{R}`. + Using this notation, *variance calibration* [1]_, [2]_ is defined as + + .. math:: + \\mathbb{E}_{X,Y}\\Big[(\\mu_Y(X) - Y)^2 | \\sigma^2_Y(X) = \\sigma \\Big] = \\sigma^2, + \\quad \\forall \\sigma \\in \\mathbb{R}_{>0}, + + In other words, the estimated variance should match the observed variance given a certain variance level. + For example, if a forecaster outputs 100 predictions with a variance of :math:`\\sigma^2=2`, we would also expect + a variance (mean squared error) of 2. + Further definitions for regression calibration are *quantile calibration* and *distribution calibration*. + + To achieve *variance calibration*, the Variance Scaling methods applies a temperature scaling on the + input variance by a single scalar parameter :math:`\\theta`. The methods uses the negative log likelihood as the + loss for the scalar. Since we are working with Gaussians, the loss is given by + + .. math:: + \\mathcal{L}(\\theta) &= -\\sum^N_{n=1} \\frac{1}{\\sqrt{2\\pi} \\theta \\cdot \\sigma_Y(x_n)} + \\exp\\Bigg( \\frac{y_n - \\mu_Y(x_n)}{2 (\\theta \\cdot \\sigma_Y(x_n))^2} \\Bigg) \\\\ + &\\propto -N \\log(\\theta) - \\frac{1}{2\\theta^2} \\sum^N_{n=1} \\sigma_Y^{-2}(x_n) , + \\big(y_n - \\mu_Y(x_n)\\big)^2 + + which is to be minimized. + Thus, we seek to get the minimum of the optimization objective which can be analytically determined in this case, + setting its first derivative to 0 by + + .. math:: + &\\frac{\\partial \\mathcal{L}(\\theta)}{\\partial \\theta} = 0\\\\ + \\leftrightarrow \\quad & -N \\theta^2 \\sum^N_{n=1} \\sigma_Y^{-2}(x_n) \\big(y_n - \\mu_Y(x_n) \\big)^2 \\\\ + \\leftrightarrow \\quad & \\theta \\pm \\sqrt{\\frac{1}{N} \\sum^N_{n=1} \\sigma_Y^{-2}(x_n) \\big(y_n - \\mu_Y(x_n) \\big)^2} . + + + References + ---------- + .. [1] Levi, Dan, et al.: + "Evaluating and calibrating uncertainty prediction in regression tasks." + arXiv preprint arXiv:1905.11659 (2019). + `Get source online `__ + + .. [2] Laves, Max-Heinrich, et al.: + "Well-calibrated regression uncertainty in medical imaging with deep learning." + Medical Imaging with Deep Learning. PMLR, 2020. + `Get source online `__ + """ + + def __init__(self): + """ Constructor. """ + + super().__init__(detection=False, independent_probabilities=False) + self._weight = None + + def clear(self): + """ Clear model parameters. """ + + self._weight = None + + def fit( + self, + X: Union[List[np.ndarray], Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray, + tensorboard: Optional[SummaryWriter] = None + ) -> 'VarianceScaling': + """ + Fit a variance scaling calibration method to the provided data. If multiple dimensions are provided, + multiple independent recalibration models are fitted for each dimension. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + tensorboard: torch.utils.tensorboard.SummaryWriter, optional, default: None + Instance of type "SummaryWriter" to log training statistics. + + Returns + ------- + VarianceScaling + Instance of class :class:`netcal.regression.VarianceScaling`. + """ + + (mean, var), y, cov = meanvar(X, y) + + # covariance rescaling is currently not supported + if cov: + raise RuntimeError("VarianceScaling: covariance rescaling is currently not supported.") + + mean = np.expand_dims(mean, axis=1) if mean.ndim == 1 else mean # (n, d) + var = np.expand_dims(var, axis=1) if var.ndim == 1 else var # (n, d) + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y # (n, d) + + # used closed-form solution to obtain the optimal rescaling parameter + self._weight = np.sqrt(np.mean(np.square(y - mean) / var, axis=0, keepdims=True)) # (1, d) + + # log number of training samples and scalar weight to tensorboard + if tensorboard is not None: + for dim, weight in enumerate(self._weight[0]): + tensorboard.add_scalar("nllvariance/train/scale/dim%02d" % dim, weight) + + tensorboard.add_scalar("nllvariance/train/n_samples", y.shape[0]) + + return self + + def transform(self, X: Union[List[np.ndarray], Tuple[np.ndarray, np.ndarray], np.ndarray]) -> np.ndarray: + """ + Transform uncalibrated distributional estimates (mean and stddev or stochastic samples) to calibrated ones + by applying variance recalibration. Returns the calibrated standard deviation. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + + Returns + ------- + np.ndarray of shape (n, d) + Recalibrated standard deviation for each sample in each dimension. + """ + + # check if method has already been trained + if self._weight is None: + raise RuntimeError("VarianceScaling: call \'fit()\' method first before transform.") + + # get mean and variance from input + mean, var, cov = meanvar(X) + + # covariance rescaling is currently not supported + if cov: + raise RuntimeError("VarianceScaling: covariance rescaling is currently not supported.") + + # make variance at least 2d and perform rescaling of stddev + var = np.expand_dims(var, axis=1) if var.ndim == 1 else var # (n, d) + calibrated_scale = np.sqrt(var) * self._weight # (n, d) + + return calibrated_scale + + def __repr__(self): + """ Returns a string representation of the calibration method with the most important parameters. """ + + if self._weight is None: + return "VarianceScaling(weight=None)" + else: + return "VarianceScaling(weight=%.4f)" % self._weight diff --git a/netcal/regression/__init__.py b/netcal/regression/__init__.py new file mode 100644 index 0000000..7f3b877 --- /dev/null +++ b/netcal/regression/__init__.py @@ -0,0 +1,39 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/regression/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_regression + :template: custom_class.rst + + IsotonicRegression + VarianceScaling + GPBeta + GPNormal + GPCauchy + +Package for Gaussian process optimization +========================================= + +.. autosummary:: + :toctree: _autosummary_regression_gp + + gp +""" + +from .IsotonicRegression import IsotonicRegression +from .VarianceScaling import VarianceScaling + +from .gp.GPBeta import GPBeta +from .gp.GPNormal import GPNormal +from .gp.GPCauchy import GPCauchy diff --git a/netcal/regression/gp/AbstractGP.py b/netcal/regression/gp/AbstractGP.py new file mode 100644 index 0000000..c99759e --- /dev/null +++ b/netcal/regression/gp/AbstractGP.py @@ -0,0 +1,816 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from tqdm import tqdm +from copy import deepcopy +from typing import Tuple, Iterable, Union, Optional, Dict +import numpy as np +from scipy.stats import norm +from matplotlib import pyplot as plt + +import torch +import torch.nn as nn +from torch.utils.data import DataLoader, TensorDataset +from torch.utils.tensorboard import SummaryWriter + +import pyro +import gpytorch + +from netcal import AbstractCalibration, meanvar +from netcal.regression.gp.kernel import GaussianRBFKernel + + +class AbstractGP(AbstractCalibration, gpytorch.models.ApproximateGP): + """ + Distribution recalibration of regression models using a Gaussian process parameter estimation. + The goal of regression calibration using a GP scheme is to achieve *distribution calibration*, + i.e., to match the predicted moments (mean, variance) to the true observed ones. In contrast to *quantile + calibration* [3]_, where only the marginal calibration is of interest, the *distribution calibration* is more + restrictive. It requires that the predicted moments should match the observed ones *given a certain probability + distribution*. Therefore, the authors in [1]_ propose to use Gaussian process to estimate the recalibration + parameters of a Beta calibration function locally (i.e., matching the observed moments of neighboring samples). + + In this framework, we use the base GP scheme to implement the Beta calibration for regression [1]_ as well as + to derive a novel parametric recalibration that yields a parametric Gaussian or Cauchy distribution as + calibration output [2]_. + + On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of + shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic + forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of + probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples + and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single + NumPy array. + + This method is capable of multiple independent data dimensions that are jointly optimized using a single Gaussian + process. This method outputs a tuple consisting of three NumPy arrays: + + - 1st array: T points where the density/cumulative distribution functions are defined, shape: (T, N, D) + - 2nd array: calibrated probability density function, shape: (T, N, D) + - 3rd array: calibrated cumulative density function, shape: (T, N, D) + + **Mathematical background:** In [1]_, regression calibration is defined in terms of *distribution calibration*. + A probabilistic forecaster :math:`h(X)` outputs for any input :math:`X \\in \\mathbb{R}` a probability density + distribution :math:`f_Y(y) \\in \\mathcal{F}_Y` (where :math:`\\mathcal{F}` denotes the set of all possible + probability distributions) for the target domain :math:`Y \\in \\mathcal{Y} = \\mathbb{R}`. Furthermore, let + :math:`S = h(X)` denote the random variable of model predictions. + Using this notation, *distribution calibration* [1]_ is defined as + + .. math:: + f_Y(Y=y | S = s) = s(y), \\quad \\forall s \\in \\mathcal{F}_Y, \\forall y \\in \\mathcal{Y} . + + In other words, "*this definition implies that if a calibrated model predicts a distribution with some mean* + :math:`\\mu` *and variance* :math:`\\sigma^2` *, then it means that on average over all cases with the same + prediction the mean of the target is* :math:`\\mu` *and variance is* :math:`\\sigma^2`" (cf. [1]_, p. 4 ll. 25-28). + + For uncertainty recalibration, a standard calibration function can be used, e. g., Variance Scaling. + In contrast to the standard methods, we can use a Gaussian process to estimate the rescaling parameter of the + scaling method. This offers more flexibility and a more "local" or focused recalibration of a single sample. + + Since not all calibration methods yield an analytically tractable likelihood (e.g., the GP-Beta uses a non-standard + likelihood), the current GP scheme is a sampling based variational one. + Furthermore, as the amount of training data might grow very large, we use an approximate GP with so called + inducing points that are learnt from the data and used during inference to obtain the calibration parameters. + Therefore, we the computational complexity keeps fixed during inference. + For a detailed derivation of the GP scheme, cf. [1]_. + For a detailed description of the kernel function, cf. :class:`netcal.regression.gp.kernel.GaussianRBFKernel`. + + Parameters + ---------- + n_inducing_points: int + Number of inducing points used to approximate the input space. These inducing points are also optimized. + n_random_samples: int + Number of random samples used to sample from the parameter distribution during optimization and inference. + n_parameters: int + Number of parameters that are required for a dedicated implementation of the GP method (mainly used internally). + correlations: bool, default: False + If True, perform covariance estimation or covariance recalibration on multivariate input data. + Only works for GPNormal. + n_epochs: int, default: 200 + Number of optimization epochs. + batch_size: int, default: 256 + Size of batches during optimization. + num_workers : int, optional, default: 0 + Number of workers used for the dataloader. + lr: float, optional, default: 1e-2 + Learning rate used for the Adam optimizer. + use_cuda: str or bool, optional, default: False + The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. + You can also pass a string "cuda:0", "cuda:1", etc. to specify the CUDA device. + If False, use CPU for optimization and inference. + jitter: float, optional, default: 1e-5 + Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during + Gaussian process optimization. + name_prefix: str, optional, default: "abstractgp" + Name prefix internally used in Pyro to distinguish between parameter stores. + + References + ---------- + .. [1] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning (pp. 5897-5906), 2019. + `Get source online `__ + .. [2] Song, L., Zhang, X., Smola, A., Gretton, A., & Schölkopf, B.: + "Tailoring density estimation via reproducing kernel moment matching." + In Proceedings of the 25th international conference on Machine learning (pp. 992-999), July 2008. + `Get source online `__ + """ + + precision = torch.float64 + precision_np = np.float64 + + def __init__( + self, + n_inducing_points: int, + n_random_samples: int, + *, + n_parameters: int, + correlations: bool = False, + n_epochs: int = 200, + batch_size: int = 256, + num_workers : int = 0, + lr: float = 1e-2, + use_cuda: Union[str, bool] = False, + jitter: float = 1e-5, + name_prefix="abstractgp" + ): + + if isinstance(use_cuda, str): + # this line will throw an exception if the cuda device does not exist + device = torch.device(use_cuda) + torch.cuda.get_device_name(use_cuda) + + else: + device = torch.device('cuda') if use_cuda and torch.cuda.is_available() else torch.device('cpu') + + # optimization hyperparameters + self.n_inducing_points = n_inducing_points + self.n_random_samples = n_random_samples + self.n_parameters = n_parameters + self.n_epochs = n_epochs + self.batch_size = batch_size + self.num_workers = num_workers + self.lr = lr + self.device = device + self.correlations = correlations + self.jitter = jitter + self.name_prefix = name_prefix + + self.marginal_correlations = None + self.variational_strategy = None + self.mean_module = None + self.covar_module = None + self.inv_gamma = None + self.delta = None + self.pyro_scope = {'params': {}, 'constraints': {}} + + # Standard initializtation + AbstractCalibration.__init__(self, detection=False, independent_probabilities=False) + gpytorch.models.ApproximateGP.__init__(self, None) + + def clear(self): + """ Clear module parameters. """ + + for layer in self.children(): + if hasattr(layer, 'reset_parameters'): + layer.reset_parameters() + + self.marginal_correlations = None + self.variational_strategy = None + self.mean_module = None + self.covar_module = None + self.inv_gamma = None + self.delta = None + self.pyro_scope = {'params': {}, 'constraints': {}} + + def get_params(self, deep=True) -> Dict: + """ + Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC + coefficients, etc. + """ + + parameters = { + "get_params": super().get_params(deep=deep), + "n_dims": self.ndim, + "state_dict": self.state_dict(), + } + + return parameters + + def load_model(self, filename, use_cuda: Union[str, bool, None] = None) -> 'AbstractGP': + """ + Overwrite base method's load_model function as the parameters for the GP methods are stored differently + compared to the remaining methods. + + Parameters + ---------- + filename : str + String with filename. + use_cuda : str or bool, optional, default: None + Specify if CUDA should be used. If str, you can also specify the device + number like 'cuda:0', etc. If unset, use the device id that has been stored on disk. + + Returns + ------- + AbstractGP + Instance of a child class of `AbstractGP`. + """ + + with open(filename, 'rb') as read_object: + loaded_params = torch.load(read_object, map_location=torch.device('cpu')) + + # in a first step, recover all base parameters + params = loaded_params["get_params"] + n_dims = loaded_params["n_dims"] + self.set_params(**params) + + # --------------------------------------- + # overwrite default computing device + # if not set, leave self.device untouched + if use_cuda is None: + pass + + # otherwise, overwrite default device + else: + if isinstance(use_cuda, str): + # this line will throw an exception if the cuda device does not exist + device = torch.device(use_cuda) + torch.cuda.get_device_name(use_cuda) + + else: + device = torch.device('cuda') if use_cuda and torch.cuda.is_available() else torch.device('cpu') + + self.device = device + + # --------------------------------------- + + # initialize (empty) mean/covar module, LMC variational strategy and inducing points + mean, var = torch.zeros(1, n_dims, dtype=self.precision), torch.ones(1, n_dims, dtype=self.precision) + if self.correlations: + var = torch.diag_embed(var) + tril_idx = torch.tril_indices(row=n_dims, col=n_dims) + var = var[:, tril_idx[0], tril_idx[1]] + + # using the "empty" initialization, we can recover the learnt parameter by the passed state dict + self._init_gp_model(mean, var) + self.load_state_dict(loaded_params["state_dict"]) + + return self + + @property + def inducing_points(self) -> Tuple[np.ndarray, np.ndarray]: + """ Return inducing points mean and variance/covariance as tuple. """ + + if self.variational_strategy is None: + raise RuntimeError("AbstractGP: could not return inducing points: call fit() first.") + + # get raw inducing points + inducing_points = self.variational_strategy.base_variational_strategy.inducing_points.detach() # (m, d) or (m, d + (d^2+d)//2)) + + # if covariance estimation, recover cov from decomposed lower triangular + if self.correlations: + n_dims = int((np.sqrt(8 * inducing_points.shape[-1] + 9) - 3) // 2) + + # get lower triangular indices and recover cov + tril_idx = torch.tril_indices(row=n_dims, col=n_dims) + var = torch.zeros(self.n_inducing_points, n_dims, n_dims, dtype=inducing_points.dtype, device=inducing_points.device) + var[:, tril_idx[0], tril_idx[1]] = inducing_points[:, n_dims:] + var = var @ var.transpose(dim0=2, dim1=1) + + # simply return the (diagonal) variances + else: + n_dims = int(inducing_points.shape[-1] // 2) + var = inducing_points[:, n_dims:] + + # extract the mean and return everything as NumPy arrays + mean = inducing_points[:, :n_dims] + return mean.numpy(), var.numpy() + + @property + def ndim(self): + """ Get number of dimensions for which this method was trained for """ + + if self.variational_strategy is None: + raise RuntimeError("AbstractGP: could not return ndim: call fit() first.") + + # get raw inducing points + inducing_points = self.variational_strategy.base_variational_strategy.inducing_points # (m, d) or (m, d + (d^2+d)//2)) + if self.correlations: + n_dims = int((np.sqrt(8 * inducing_points.shape[-1] + 9) - 3) // 2) + else: + n_dims = int(inducing_points.shape[-1] // 2) + + return n_dims + + # ------------------------------------------------------------------------- + # Pyro + GPyTorch functions + + def forward(self, x) -> gpytorch.distributions.MultivariateNormal: + """ + Forward method defines the prior for the GP. + + Parameters + ---------- + x : torch.Tensor of shape (n, 2*d) + Set of samples used for kernel computation consisting of mean and variance for each input point. + + Returns + ------- + gpytorch.distributions.MultivariateNormal + Multivariate normal distribution holding the GP prior information. + """ + + mean = self.mean_module(x) + covar = self.covar_module(x) + + return gpytorch.distributions.MultivariateNormal(mean, covar) + + def guide(self, x, y): + """ + Pyro guide that defines the variational distribution for the Gaussian process. + + Parameters + ---------- + x : torch.Tensor of shape (n, 2*d) + Set of samples used for kernel computation consisting of mean and variance for each input point. + y : torch.Tensor of shape (n, d) + Ground-truth regression information (not used within the guide). + """ + + # Get q(f) - variational (guide) distribution of latent function + function_dist = self.pyro_guide(x) + + # Use a plate here to mark conditional independencies + with pyro.plate(self.name_prefix + ".data_plate", dim=-1): + # Sample from latent function distribution + pyro.sample(self.name_prefix + ".f(x)", function_dist) + + def model(self, x: torch.Tensor, y: torch.Tensor): + """ + Model function that defines the computation graph. Get the variational + distribution for the Gaussian process and sample function parameters for recalibration. + + Parameters + ---------- + x : torch.Tensor of shape (n, 2*d) + Set of samples used for kernel computation consisting of mean and variance for each input point. + y : torch.Tensor of shape (n, d) + Ground-truth regression information used for the ELBO loss. + + Returns + ------- + pyro.sample statement + Sample statement using the specified likelihood. + """ + + # decompose input arguments + assert x.ndim == 2, "GP optimization: x must be 2-D with shape (n, 2*d) or (n, d + (d^2+d)//2)." + + # if correlations, x is the mean and decomposed cov + if self.correlations: + n_dims = int((np.sqrt(8 * x.shape[-1] + 9) - 3) // 2) + else: + n_dims = x.shape[1] // 2 + + x_loc = x[:, :n_dims] # (n, d) + x_var = x[:, n_dims:] # (n, d) or (n, (d^2 +d) // 2) + + # register module in pyro + pyro.module(self.name_prefix + ".gp", self) + + # get p(f) - prior distribution of latent function + function_dist = self.pyro_model(x) + + # use a plate here to mark conditional independencies + with pyro.plate(self.name_prefix + ".data_plate", dim=-1): + # sample from latent function distribution + function_samples = pyro.sample(self.name_prefix + ".f(x)", function_dist) # ([r], n, p*d) + function_samples = function_samples * self.inv_gamma + self.delta # ([r], n, p*d) + + # if we're in the random sampling mode, prepend a distribution dim to data + if function_samples.ndim == 3: + x_loc = x_loc.unsqueeze(0) # (1, n, d) + x_var = x_var.unsqueeze(0) # (1, n, d) + y = y.unsqueeze(0) # (1, n, d) + + # sample from observed distribution and use custom likelihood + # to_event(1) marks the last dim d as event_dim so that pyro infers a single likelihood over all d + # e.g., for independent normals, this is simply the sum of the log_probs + likelihood = self.likelihood(x_loc, x_var, parameters=function_samples) + + # if no correlations are modelled across the different dimensions, use independent distributions + # by calling "to_event" method + if not self.correlations: + likelihood = likelihood.to_event(1) + + return pyro.sample( + self.name_prefix + ".y", + likelihood, + obs=y + ) + + # ------------------------------------------------------------------------- + + def _init_gp_model(self, Xmean: torch.Tensor, Xlogvariance: torch.Tensor): + """ + Initialize the GP model. This method prepares the mean and variance to have the right shape. + If "correlations=True", the input variance/covariance gets LDL* decomposed. + Furthermore, the inducing points are initialized and the variational distribution is set up. + + Parameters + ---------- + Xmean : torch.Tensor of shape (n, d) + The mean of the training data (see _get_input output description). + Xlogvariance : torch.Tensor of shape (n, d, [d]) + The log-variance of covariance of the training data (see _get_input output description). + """ + + # convert log of variance back to variance + Xvariance = torch.exp(Xlogvariance) + + # get number of dimensions + n_samples, n_dims = Xmean.shape + + # ------------------------------------------------- + # initialize inducing points based on training data + # initialize range for inducing points + loc_min, loc_max = torch.min(Xmean, dim=0).values, torch.max(Xmean, dim=0).values + + # initialize inducing points with ones + inducing_points_var = torch.ones(self.n_inducing_points, n_dims, dtype=self.precision) * 3 # (n, d) + + # if input is given as cov, we also need inducing points with covariance + if self.correlations: + + tril_idx = torch.tril_indices(row=n_dims, col=n_dims) + stddev_diagonal = Xvariance[:, tril_idx[0] == tril_idx[1]] # (n, d) + std_max = torch.max(stddev_diagonal, dim=0).values # (d,) + + # initialize off-diagonal and concatenate to "flat" array + inducing_points_var = torch.cat( + (inducing_points_var, + torch.ones((self.n_inducing_points, (n_dims ** 2 - n_dims) // 2), + dtype=inducing_points_var.dtype, + device=inducing_points_var.device + ).normal_(std=1e-3) + ), + dim=1 + ) # (m, (d^d + d)//2) + + else: + # get maximum standard deviation to init space of inducing points + std_max = torch.sqrt(torch.max(Xvariance, dim=0).values) # (d,) + + # use log of inducing points variance to guarantee positive variances during optimization + inducing_points_var = torch.log(inducing_points_var) + + # use NumPy linspace as it supports vectorized start and end points (in contrast to PyTorch) + inducing_points_mean = torch.from_numpy( + np.linspace( + (loc_min - 3 * std_max).numpy(), + (loc_max + 3 * std_max).numpy(), + self.n_inducing_points + ) + ).to(self.precision) # (m, d) + + # concatenate mean and var of inducing points to a single pytorch tensor + inducing_points = torch.cat((inducing_points_mean, inducing_points_var), dim=1) + + # variational distribution for inducing points + variational_distribution = gpytorch.variational.CholeskyVariationalDistribution( + num_inducing_points=self.n_inducing_points, batch_shape=torch.Size([1]) + ) + + # convert dtype of variational distribution + variational_distribution.variational_mean.data = variational_distribution.variational_mean.data.to( + dtype=self.precision) + variational_distribution.chol_variational_covar.data = variational_distribution.chol_variational_covar.data.to( + dtype=self.precision) + + # scale the number of estimated parameters depending on the correlations parameter + # if self.correlations is True, assert variance rescaling using multivariate normal + # in this case, the number of output parameters is (n^2 + n)/2 + if self.correlations: + n_outputs = (n_dims + n_dims ** 2) // 2 + else: + n_outputs = n_dims * self.n_parameters + + # initialize variational multitask strategy + self.variational_strategy = gpytorch.variational.LMCVariationalStrategy( + gpytorch.variational.VariationalStrategy( + self, inducing_points, variational_distribution, learn_inducing_locations=True, + ), num_tasks=n_outputs, num_latents=1 + ) + + # num_latents is 1 so we have a batch_shape of 1 to approximate an intrinsic model of coregionalization (ICM) + # that is used in the original paper. See: https://github.com/cornellius-gp/gpytorch/issues/1035 + # the linear dependencies are modelled by the 'LMCVariationalStrategy' + self.mean_module = gpytorch.means.ConstantMean(batch_shape=torch.Size([1])) + self.covar_module = gpytorch.kernels.ScaleKernel( + GaussianRBFKernel(cov=self.correlations), + batch_shape=torch.Size([1]) + ) + + if self._learn_scale_shift: + # scaling parameters for sampled weights + self.inv_gamma = nn.Parameter(data=torch.ones(size=(1, n_outputs)), requires_grad=True) + self.delta = nn.Parameter(data=torch.zeros(size=(1, n_outputs)), requires_grad=True) + + self.register_parameter('inv_gamma', self.inv_gamma) + self.register_parameter('delta', self.delta) + + else: + self.inv_gamma = 1. + self.delta = 0. + + def _get_input( + self, + X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], + y: np.ndarray = None + ) -> Union[Tuple[torch.Tensor, torch.Tensor], Tuple[Tuple[torch.Tensor, torch.Tensor], torch.Tensor]]: + """ + Perform some input checks on the data and convert to PyTorch. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + + Returns + ------- + tuple of size 2 + If y is given, the first entry in the tuple is a tuple consisting of the + transformed input mean and variance. The second entry is the transformed y. + If y is None, simply return the transformed input mean and variance. + """ + + # preprocess inputs to extract mean, variance and according target scores + if y is not None: + (Xmean, Xvariance), y, input_cov = meanvar(X, y) + else: + Xmean, Xvariance, input_cov = meanvar(X) + + # perform consistency check + if input_cov and not self.correlations: + raise RuntimeError("Found input covariance matrices but \'correlations\' is set to False.") + + # if Xmean or Xvariance is 1-D, append a second axis + Xmean = np.expand_dims(Xmean, axis=1) if Xmean.ndim == 1 else Xmean # (n, d) + Xvariance = np.expand_dims(Xvariance, axis=1) if Xvariance.ndim == 1 else Xvariance # (n, d) + + # convert mean, variance and target scores to PyTorch tensors + Xmean = torch.from_numpy(Xmean).to(dtype=self.precision) + Xvariance = torch.from_numpy(Xvariance).to(dtype=self.precision) + + # if capturing correlations is enabled, prepare the given variance/covariance matrices + if self.correlations: + + # if input is given as variance vector, convert it to diagonal covariance matrix first + if not input_cov: + Xvariance = torch.diag_embed(Xvariance) # (n, d, d) + + # in the next step, capture the marginal correlation coefficients (correlation between d dimensions + # across the whole dataset) + # use NumPy function as PyTorch does not serve this functionality + if self.marginal_correlations is None: + assert y is not None, "Fatal: building correlation coefficients but y is None. " \ + "You maybe trained a GP model using covariance matrices but try to " \ + "transform using variances only." + + self.marginal_correlations = torch.from_numpy( + np.corrcoef(y, rowvar=False) + ).unsqueeze(dim=0) # (1, d, d) + + # use the previously defined correlation coefficients to compute the covariances for each + # sample individually + Xvariance = torch.sqrt(Xvariance) @ self.marginal_correlations @ torch.sqrt(Xvariance) # (n, d, d) + + # use cholesky decomposed covariance matrices during optimization + # return "flattened" lower triangular + n_dims = Xmean.shape[-1] + tril_idx = torch.tril_indices(row=n_dims, col=n_dims) + + # catch possible errors in covariance decomposition and turn it into + # a more useful error message + try: + Xvariance = torch.linalg.cholesky(Xvariance) # (n, d, d) + except RuntimeError: + raise RuntimeError("Input covariance matrices are not positive semidefinite.") + + # only use the lower decomposed matrix during optimization + Xvariance = Xvariance[:, tril_idx[0], tril_idx[1]] # (n, (d^2+d)//2) + + # in the univariate case, use the log variance to guarantee positive variance estimates for the inducing points + else: + Xvariance = torch.log(Xvariance) + + if y is not None: + y = np.expand_dims(y, axis=1) if y.ndim == 1 else y + y = torch.from_numpy(y).to(dtype=self.precision) + + return (Xmean, Xvariance), y + else: + return Xmean, Xvariance + + def fit(self, X: Union[Tuple[np.ndarray, np.ndarray], np.ndarray], y: np.ndarray, + tensorboard: Optional[SummaryWriter] = None) -> 'AbstractGP': + """ + Fit a GP model to the provided data using Gaussian process optimization. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + y : np.ndarray of shape (n, [d]) + Target scores for each prediction estimate in X. + tensorboard: torch.utils.tensorboard.SummaryWriter, optional, default: None + Instance of type "SummaryWriter" to log training statistics. + + Returns + ------- + AbstractGP + (Child) instance of class :class:`AbstractGP`. + """ + + self.clear() + with torch.no_grad(): + (Xmean, Xvariance), y = self._get_input(X, y) + + with pyro.get_param_store().scope() as scope: + + # initialize covariance module, variational distribution and inducing points based on the input data + self._init_gp_model(Xmean, Xvariance) + + # concatenate mean and var of training points to a single pytorch tensor + X = torch.cat((Xmean, Xvariance), dim=1) # (n, 2*d) or (n, d + (d^2+d)//2) + + # ------------------------------------------------- + # initialize training + + # create PyTorch dataset and dataloader for optimization + dataset = TensorDataset(X, y) + dataloader = DataLoader(dataset, batch_size=self.batch_size, shuffle=True, + num_workers=self.num_workers, pin_memory=True) + + optimizer = pyro.optim.Adam({"lr": self.lr}) + elbo = pyro.infer.Trace_ELBO(num_particles=self.n_random_samples, vectorize_particles=True, retain_graph=True) + svi = pyro.infer.SVI(self.model, self.guide, optimizer, elbo) + + # log hyperparameters to tensorboard + if tensorboard is not None: + prefix = "%s/train" % self.name_prefix + tensorboard.add_scalar("%s/lr" % prefix, self.lr) + tensorboard.add_scalar("%s/batch_size" % prefix, self.batch_size) + tensorboard.add_scalar("%s/n_epochs" % prefix, self.n_epochs) + tensorboard.add_scalar("%s/n_inducing_points" % prefix, self.n_inducing_points) + tensorboard.add_scalar("%s/n_random_samples" % prefix, self.n_random_samples) + tensorboard.add_scalar("%s/jitter" % prefix, self.jitter) + tensorboard.add_scalar("%s/correlations" % prefix, int(self.correlations)) + + self.train() + self.to(self.device, dtype=self.precision) + + best_loss, best_parameters = float('inf'), {} + + # enter optimization loop and iterate over epochs and batches + with gpytorch.settings.cholesky_jitter(float=self.jitter, double=self.jitter), tqdm(total=self.n_epochs) as pbar: + step = 0 + for epoch in range(self.n_epochs): + train_loss = [] + for batch_X, batch_y in dataloader: + + # set proper device for optimization + batch_X = batch_X.to(self.device) + batch_y = batch_y.to(self.device) + + self.zero_grad() + batch_loss = svi.step(batch_X, batch_y) / len(batch_X) + train_loss.append(batch_loss) + + # log batch-wise loss + if tensorboard is not None: + tensorboard.add_scalar("%s/train/loss/batch" % self.name_prefix, batch_loss, step) + + step += 1 + + # store best weights after each epoch + epoch_loss = np.mean(train_loss) + if epoch_loss < best_loss: + best_loss = epoch_loss + best_parameters = deepcopy(self.state_dict()) + + # log epoch loss - assign "step" as global step to sync to batch loss + if tensorboard is not None: + tensorboard.add_scalar("%s/train/loss/epoch" % self.name_prefix, epoch_loss, step) + + pbar.set_description("Loss: %.4f" % epoch_loss) + pbar.update(1) + + # restore best weights with lowest loss and set into eval mode + self.load_state_dict(best_parameters) + self.cpu() + self.eval() + + # draw inducing points space + if tensorboard is not None: + + # log lengthscale parameter of kernel module + tensorboard.add_scalar("%s/train/lengthscale" % self.name_prefix, self.covar_module.outputscale) + + # get learned inducing points + inducing_mean, inducing_var = self.inducing_points # (m, d) + n_dims = inducing_mean.shape[-1] + + # only use diagonal if capturing correlations is enabled + if self.correlations: + inducing_var = np.diagonal(inducing_var, axis1=1, axis2=2) + else: + inducing_var = np.exp(inducing_var) + + x = np.linspace( + np.min(inducing_mean, axis=0) - 3 * np.sqrt(np.max(inducing_var, axis=0)), + np.max(inducing_mean, axis=0) + 3 * np.sqrt(np.max(inducing_var, axis=0)), + 1000, + ) # (n, d) + + # get Gaussian mixture model + inducing_density = norm.pdf(x[:, None, :], loc=inducing_mean[None, ...], scale=np.sqrt(inducing_var)[None, ...]) # (n, m, d) + inducing_density = np.sum(inducing_density / n_dims, axis=1) # (n, d) + + # iterate over dimensions and log stats + for dim in range(n_dims): + + # visualize as Gaussian mixture model + fig, ax = plt.subplots() + ax.plot(x[:, dim], inducing_density[:, dim], "-") + ax.grid(True) + ax.set_title("GP inducing points dim %02d" % dim) + + # add matplotlib figure to SummaryWriter + tensorboard.add_figure("%s/train/inducing_points/dim%02d" % (self.name_prefix, dim), fig, close=True) + + # also log gamma and delta parameter (mostly used for gpbeta) + if self._learn_scale_shift: + tensorboard.add_scalar("%s/train/gamma/dim%02d" % (self.name_prefix, dim), 1./self.inv_gamma[0, dim]) + tensorboard.add_scalar("%s/train/delta/dim%02d" % (self.name_prefix, dim), self.delta[0, dim]) + + # store pyro's scope + self.pyro_scope = scope + return self + + def transform(self, X: Union[Iterable[np.ndarray], np.ndarray]) -> np.ndarray: + """ + Transform the given stddev to a distribution-calibrated one using the input + mean and stddev as priors for the underlying Gaussian process. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + """ + + raise NotImplementedError("AbstractGP.transform must be implemented by child class.") + + def extra_repr(self) -> str: + """ Additional information used to print if str(method) is called. """ + + content = "n_inducing_points=%d\n" \ + "n_random_samples=%d\n" \ + "n_epochs=%d\n" \ + "batch_size=%d\n" \ + "lr=%.2E\n" \ + "correlations=%r\n" \ + "jitter=%.2E" % \ + ( + self.n_inducing_points, self.n_random_samples, self.n_epochs, + self.batch_size, self.lr, self.correlations, self.jitter + ) + return content + + def __repr__(self) -> str: + """ Returns a string representation of the calibration method with the most important parameters. """ + + return str(nn.Module.__repr__(self)) diff --git a/netcal/regression/gp/GPBeta.py b/netcal/regression/gp/GPBeta.py new file mode 100644 index 0000000..40b8d65 --- /dev/null +++ b/netcal/regression/gp/GPBeta.py @@ -0,0 +1,281 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, Union, Tuple +import numpy as np + +import torch +from torch.utils.data import DataLoader, TensorDataset +import pyro + +from netcal.regression.gp import AbstractGP +from netcal.regression.gp.likelihood import BetaLikelihood + + +class GPBeta(AbstractGP): + """ + GP-Beta recalibration method for regression uncertainty calibration using the well-known Beta calibration method + from classification calibration in combination with a Gaussian process (GP) parameter estimation. + The basic idea of GP-Beta [1]_ is to apply recalibration on the uncalibrated cumulative density function (CDF), + similar as to the Isotonic Regression method [2]_. + Since the CDF is restricted to the :math:`[0, 1]` interval, the authors in [1]_ propose to use the + Beta calibration scheme [3]_ known in the scope of confidence calibration. + Furthermore, the authors use a GP to obtain the recalibration parameters of the Beta function for each + sample individually, so that it should finally achieve *distribution calibration* [1]_. + + **Mathematical background:** Let :math:`f_Y(y)` denote the uncalibrated probability density function (PDF), + targeting the probability distribution for :math:`Y`. + Let :math:`\\tau_y \\in [0, 1]` denote a certain quantile on the uncalibrated CDF which + is denoted by :math:`\\tau_y = F_Y(y)`. + Furthermore, let :math:`g_Y(y)` and :math:`G_Y(y)` denote the recalibrated PDF and CDF, respectively. + The Beta calibration function :math:`\\mathbf{c}_\\beta(\\tau_y)` known from [3]_ is given by + + .. math:: + \\mathbf{c}_\\beta(\\tau_y) = \\phi\\big( a \\log(\\tau_y) - b \\log(1-\\tau_y) + c \\big) + + with recalibration parameters :math:`a,b \\in \\mathbb{R}_{>0}` and :math:`c \\in \\mathbb{R}`, and + :math:`\\phi(\\cdot)` as the sigmoid function [3]_. + This method serves as a mapping from the uncalibrated CDF to the calibrated one, so that + + .. math:: + G_Y(y) = \\mathbf{c}_\\beta\\big( F_Y(y) \\big) + + holds. The PDF is the derivative of the CDF, so that the calibrated PDF is given by + + .. math:: + g_Y(y) = \\frac{\\partial \\mathbf{c}_\\beta}{\\partial y} + = \\frac{\\partial \\mathbf{c}_\\beta}{\\partial \\tau_y} \\frac{\\partial \\tau_y}{\\partial y} + = \\mathbf{r}_\\beta(\\tau_y) f_Y(y) , + + with :math:`\\mathbf{r}_\\beta(\\tau_y)` as a beta link function [1]_ given by + + .. math:: + \\mathbf{r}_\\beta(\\tau_y) = \\Bigg(\\frac{a}{\\tau_y} + \\frac{b}{1-\\tau_y} \\Bigg) + \\mathbf{c}_\\beta(\\tau_y) \\big(1 - \\mathbf{c}_\\beta(\\tau_y)\\big) . + + Finally, the recalibration parameters :math:`a, b` and :math:`c` are obtained using a Gaussian process scheme. + In this way, it is possible to apply non-parametric *distribution calibration* [1]_. + + Parameters + ---------- + n_inducing_points: int + Number of inducing points used to approximate the input space. These inducing points are also optimized. + n_random_samples: int + Number of random samples used to sample from the parameter distribution during optimization and inference. + n_epochs: int, default: 200 + Number of optimization epochs. + batch_size: int, default: 256 + Size of batches during optimization. + num_workers : int, optional, default: 0 + Number of workers used for the dataloader. + lr: float, optional, default: 1e-2 + Learning rate used for the Adam optimizer. + use_cuda: str or bool, optional, default: False + The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. + You can also pass a string "cuda:0", "cuda:1", etc. to specify the CUDA device. + If False, use CPU for optimization and inference. + jitter: float, optional, default: 1e-5 + Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during + Gaussian process optimization. + name_prefix: str, optional, default: "gpbeta" + Name prefix internally used in Pyro to distinguish between parameter stores. + + References + ---------- + .. [1] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning. PMLR, 2019. + `Get source online `__ + + .. [2] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: + "Accurate uncertainties for deep learning using calibrated regression." + International Conference on Machine Learning. PMLR, 2018. + `Get source online `__ + + .. [3] Kull, Meelis, Telmo Silva Filho, and Peter Flach: + "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers" + Artificial Intelligence and Statistics, PMLR 54:623-631, 2017 + `Get source online `__ + """ + + precision = torch.float64 + + def __init__( + self, + n_inducing_points: int = 12, + n_random_samples: int = 128, + *, + name_prefix: str = "gpbeta", + **kwargs + ): + """ Constructor. For detailed parameter description, see class docs. """ + + # call super constructor + super().__init__( + n_inducing_points=n_inducing_points, + n_random_samples=n_random_samples, + n_parameters=3, + correlations=False, + name_prefix=name_prefix, + **kwargs + ) + + # set likelihood and number of parameters per dim + self.likelihood = BetaLikelihood + + # use inv_gamma and delta to rescale sampled parameters before exponential + self._learn_scale_shift = True + + # ------------------------------------------------------------------------- + # Pyro + GPyTorch functions + + def transform( + self, X: Union[Iterable[np.ndarray], np.ndarray], + t: Union[int, np.ndarray] = 512 + ) -> Tuple[np.ndarray, np.ndarray, np.ndarray]: + """ + Transform the given stddev to a distribution-calibrated one using the input + mean and stddev as priors for the underlying Gaussian process. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + t : int or np.ndarray of shape (t, [n, [d]]) + Parameter to control the output sample distribution. If integer, the given amount of + sample points for each input X is created. If np.ndarray, use this as distribution values for each + sample and each dim in X at location t (either for all samples equally with shape (t,) or for each sample + individually with shape (t, n, [d])). + + Returns + ------- + tuple of 3 np.ndarray, each of shape (t, n, d) + First array holds the points where the density and cumulative functions are defined, shape: (t, n ,d). + Second array is the recalibrated probability density function (PDF), shape: (t, n, d). + Third array is the recalibrated cumulative density function (CDF), shape: (t, n, d). + Note that the data dimension d is always present (also for d=1). + """ + + # get mean, variance and stddev of input + with torch.no_grad(): + Xmean, Xvariance = self._get_input(X) + + # concatenate mean and var of training points to a single pytorch tensor + n_samples, n_dims = Xmean.shape + X = torch.cat((Xmean, Xvariance), dim=1).to(dtype=self.precision) # (n, 2*d) + + # ------------------------------------------------- + # check parameter t and prepare sampling points + + # if t is np.ndarray, use this points as the base for the calibrated output distribution + if isinstance(t, np.ndarray): + + # distribute 1D array - assert only sampling points dim + if t.ndim ==1: + sampling_points = torch.from_numpy(t).reshape(t.shape[0], 1, 1) # (t, 1, 1) + sampling_points = sampling_points.expand(t.shape[0], n_samples, n_dims) # (t, n, d) + + # on 2D, assert sampling points for each sample individually + elif t.ndim == 2: + sampling_points = torch.from_numpy(t).unsqueeze(dim=2) # (t, n, 1) + sampling_points = sampling_points.expand(t.shape[0], n_samples, n_dims) # (t, n, d) + + elif t.ndim == 3: + sampling_points = torch.from_numpy(t) # (t, n, d) + + else: + raise RuntimeError("Invalid shape for parameter \'t\'.") + + # guarantee monotonically increasing sampling points + sampling_points, _ = torch.sort(sampling_points, dim=0) # (t, n, d) + + # create PyTorch dataset and dataloader for optimization + # we need to transpose the sampling points into (n, t, d) order so that TensorDataset + # does not throw an error + sampling_points = sampling_points.permute(1, 0, 2) + sampling_points = sampling_points.to(dtype=self.precision) + dataset = TensorDataset(X, sampling_points) + + else: + dataset = TensorDataset(X) + + # ------------------------------------------------- + + # initialize dataloader + dataloader = DataLoader(dataset, batch_size=self.batch_size, shuffle=False, + num_workers=self.num_workers, pin_memory=True) + + # set model in eval mode and use variational distribution for inference + self.eval() + + # work in distinct pyro parameter store + with pyro.get_param_store().scope(self.pyro_scope): + + # move self and sampling points to the proper precision. Move self to proper device + self.to(device=self.device, dtype=self.precision) + + # placeholders for final calibrated density and cumulative + sampling_points_list, calibrated_density, calibrated_cumulative = [], [], [] + + with torch.no_grad(): + for batch in dataloader: + + # let the calibration method itself create the sampling points of the cumulative + # if only the amount of sampling points is given + if len(batch) == 1: + batch_X, batch_t = batch[0], t + + # otherwise, use the given sampling points to build the recalibrated cumulative + else: + batch_X, batch_t = batch + + batch_t = batch_t.to(device=self.device).permute(1, 0, 2) # (t, n, d) + batch_t = batch_t.unsqueeze(dim=1) # (t, 1, n, d) + + # move input to GPU + n_batch = len(batch_X) + batch_X = batch_X.to(device=self.device) # (n, 2*d) + + # invoke GP model with learnt variational distribution + output = self(batch_X) + + # sample from the variational distribution + function_samples = output(torch.Size([self.n_random_samples])) # (r, n, 3*d) + function_samples = function_samples * self.inv_gamma + self.delta + + # unsqueeze to distribute computation + x_loc = torch.reshape(batch_X[:, :n_dims], (1, 1, n_batch, n_dims)) # (1, 1, n, d) + x_logvar = torch.reshape(batch_X[:, n_dims:], (1, 1, n_batch, n_dims)) # (1, 1, n, d) + function_samples = function_samples.unsqueeze(0) # (1, r, n, 3*d) + + # init likelihood of beta link + likelihood = BetaLikelihood(x_loc, x_logvar, function_samples) + + # get calibrated cumulative distribution + sampling_points_batch, calibrated_cumulative_batch = likelihood.cdf(batch_t) # (t, 1, n, d), (t, r, n, d) + calibrated_cumulative_batch = torch.mean(calibrated_cumulative_batch, dim=1).to(dtype=torch.float32, device='cpu') # (t, n, d) + + # get calibrated density distribution + calibrated_density_batch = likelihood.log_prob(sampling_points_batch) # (t, r, n, d) + calibrated_density_batch = torch.mean(torch.exp(calibrated_density_batch), dim=1).to(dtype=torch.float32, device='cpu') # (t, n, d) + + sampling_points_list.append(torch.squeeze(sampling_points_batch, dim=1).to(dtype=torch.float32, device="cpu")) + calibrated_density.append(calibrated_density_batch) + calibrated_cumulative.append(calibrated_cumulative_batch) + + # concatenate batch tensors to a single tensor + sampling_points = torch.cat(sampling_points_list, dim=1) # (t, n, d) + calibrated_density = torch.cat(calibrated_density, dim=1) # (t, n, d) + calibrated_cumulative = torch.cat(calibrated_cumulative, dim=1) # (t, n, d) + + return sampling_points.numpy(), calibrated_density.numpy(), calibrated_cumulative.numpy() diff --git a/netcal/regression/gp/GPCauchy.py b/netcal/regression/gp/GPCauchy.py new file mode 100644 index 0000000..3f94e08 --- /dev/null +++ b/netcal/regression/gp/GPCauchy.py @@ -0,0 +1,205 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, Union +import numpy as np + +import torch +from torch.utils.data import DataLoader, TensorDataset +import pyro + +from netcal.regression.gp import AbstractGP +from netcal.regression.gp.likelihood import CauchyLikelihood + + +class GPCauchy(AbstractGP): + """ + GP-Cauchy recalibration method for regression uncertainty calibration that consumes an uncalibrated Gaussian + distribution but converts it to a calibrated Cauchy distribution. + This method uses a Gaussian process (GP) for a flexible estimation of the recalibration parameter (cf. [1]_). + Similar to :class:`netcal.regression.gp.GPNormal`, the GP-Cauchy [2]_ acts as a kind of temperature scaling for + the variance of a Gaussian distribution [3]_, [4]_. However, the rescaled variance is interpreted as the + scaling parameter of a Cauchy distribution. Furthermore, the rescaling parameter is not globally fixed but obtained + by a GP for each sample individually, so that we are able to convert a Gaussian to a Cauchy distribution [2]_. + Thus, the GP-Cauchy seeks for **distribution calibration** but for parametric Cauchy distributions. + Note that this method does not change the mean but only reinterprets the predicted variance as the Cauchy scaling + parameter. The mode of the Cauchy is assumed to be equal to the input mean. + + **Mathematical background:** Let :math:`f_Y(y)` denote the uncalibrated probability density function (PDF), + targeting the probability distribution for :math:`Y`. In our case, the uncalibrated PDF is given as a Gaussian, so + that :math:`f_Y(y) = \\mathcal{N}\\big(y; \\mu_Y(X), \\sigma^2_Y(X)\\big)` with mean :math:`\\mu_Y(X)` and variance + :math:`\\sigma^2_Y(X)` obtained by a probabilistic regression model that depends on the input :math:`X`. + The calibrated PDF :math:`g_Y(y)` is a rescaled Cauchy distribution with fixed mode :math:`x_0 \\in \\mathbb{R}` + and rescaled scaling parameter :math:`\\lambda \\in \\mathbb{R}_{>0}`, so that + + .. math:: + g_Y(y) = \\text{Cauchy}\\Big(y; x_0=\\mu_Y(X), \\lambda=\\big(\\theta_y \\cdot \\sigma_Y(X)\\big) \\Big) , + + where :math:`\\theta_y` is the adaptive rescaling weight for a certain :math:`y`. + + The GP-Cauchy utilizes a Gaussian process to obtain :math:`\\theta_y`, so that + + .. math:: + \\theta_y \\sim \\text{gp}(0, k) , + + where :math:`k` is the kernel function (for a more detailed description of the underlying Gaussian process, see + documentation of parent class :class:`netcal.regression.gp.AbstractGP`). + + Parameters + ---------- + n_inducing_points: int + Number of inducing points used to approximate the input space. These inducing points are also optimized. + n_random_samples: int + Number of random samples used to sample from the parameter distribution during optimization and inference. + n_epochs: int, default: 200 + Number of optimization epochs. + batch_size: int, default: 256 + Size of batches during optimization. + num_workers : int, optional, default: 0 + Number of workers used for the dataloader. + lr: float, optional, default: 1e-2 + Learning rate used for the Adam optimizer. + use_cuda: str or bool, optional, default: False + The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. + You can also pass a string "cuda:0", "cuda:1", etc. to specify the CUDA device. + If False, use CPU for optimization and inference. + jitter: float, optional, default: 1e-5 + Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during + Gaussian process optimization. + name_prefix: str, optional, default: "gpcauchy" + Name prefix internally used in Pyro to distinguish between parameter stores. + + References + ---------- + .. [1] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning. PMLR, 2019. + `Get source online `__ + + .. [2] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + + .. [3] Levi, Dan, et al.: + "Evaluating and calibrating uncertainty prediction in regression tasks." + arXiv preprint arXiv:1905.11659 (2019). + `Get source online `__ + + .. [4] Laves, Max-Heinrich, et al.: + "Well-calibrated regression uncertainty in medical imaging with deep learning." + Medical Imaging with Deep Learning. PMLR, 2020. + `Get source online `__ + """ + + precision = torch.float64 + + def __init__( + self, + n_inducing_points: int = 12, + n_random_samples: int = 128, + *, + name_prefix: str = "gpcauchy", + **kwargs + ): + """ Constructor. For detailed parameter description, see class docs. """ + + # call super constructor + super().__init__( + n_inducing_points=n_inducing_points, + n_random_samples=n_random_samples, + n_parameters=1, + correlations=False, + name_prefix=name_prefix, + **kwargs + ) + + # set likelihood and number of parameters per dim + self.likelihood = CauchyLikelihood + + # do not use inv_gamma and delta to rescale sampled parameters before exponential + self._learn_scale_shift = False + + # ------------------------------------------------------------------------- + # Pyro + GPyTorch functions + + def transform(self, X: Union[Iterable[np.ndarray], np.ndarray]) -> np.ndarray: + """ + Transform the given stddev to a distribution-calibrated one using the input + mean and stddev as priors for the underlying Gaussian process. If correlation=True, perform either recalibration + of given covariance matrices or learn local correlations between dimensions if only standard deviations + are provided as input. In this case, the function returns covariance matrices for each input sample. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + + Returns + ------- + np.ndarray of shape (n, d) or (n, d, d) + Recalibrated standard deviation for each sample in each dimension. If correlations=True, return + estimated/recalibrated covariance matrices for each input sample in n. + """ + + # get mean, variance and stddev of input + with torch.no_grad(): + Xmean, Xvariance = self._get_input(X) + + # concatenate mean and var of training points to a single pytorch tensor + n_dims = Xmean.shape[1] + X = torch.cat((Xmean, Xvariance), dim=1).to(dtype=self.precision) # (n, 2*d) + + # create PyTorch dataset and dataloader for optimization + dataset = TensorDataset(X) + dataloader = DataLoader(dataset, batch_size=self.batch_size, shuffle=False, + num_workers=self.num_workers, pin_memory=True) + + # set model in eval mode and use variational distribution for inference + self.eval() + + # work in distinct pyro parameter store + with pyro.get_param_store().scope(self.pyro_scope): + + # move self to the proper device and precision + self.to(device=self.device, dtype=self.precision) + + # placeholder for final calibrated scale + calibrated_scale = [] + + # set model in eval mode and use variational distribution for inference + self.eval() + with torch.no_grad(): + for batch_X, in dataloader: + + # move input to GPU + batch_X = batch_X.to(device=self.device) + + # invoke GP model with learnt variational distribution - output is MultivariateNormal + output = self(batch_X) + + # sample from the variational distribution + function_samples = output(torch.Size([self.n_random_samples])) # (r, n, d) or (r, n, (d+d^2)/2) + + # unsqueeze to distribute computation + x_logvar = torch.unsqueeze(batch_X[:, n_dims:], dim=0) # (1, n, d) + x_std = torch.exp(x_logvar / 2.) + + cauchy_scale = x_std * torch.exp(function_samples) # (r, n, d) + cauchy_scale = torch.mean(cauchy_scale, dim=0) + + calibrated_scale.append(cauchy_scale.to(dtype=torch.float32, device="cpu")) + + calibrated_scale = torch.cat(calibrated_scale, dim=0) + + return calibrated_scale.numpy() diff --git a/netcal/regression/gp/GPNormal.py b/netcal/regression/gp/GPNormal.py new file mode 100644 index 0000000..9a84e6f --- /dev/null +++ b/netcal/regression/gp/GPNormal.py @@ -0,0 +1,240 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Iterable, Union +import numpy as np + +import torch +from torch.utils.data import DataLoader, TensorDataset +import pyro + +from netcal.regression.gp import AbstractGP +from netcal.regression.gp.likelihood import ScaledNormalLikelihood, ScaledMultivariateNormalLikelihood + + +class GPNormal(AbstractGP): + """ + GP-Normal recalibration method for regression uncertainty calibration using a temperature scaling for the + variance of a normal distribution but using the Gaussian process (GP) parameter estimation to adaptively + obtain the scaling parameter for each input individually. + The temperature scaling for the variance [1]_, [2]_ seeks to preserve a parametric Gaussian distribution as + calibration output and aims to reach *variance calibration*. That is, matching the predicted variance with the + observed "error variance" aka mean squared error. + In contrast to the standard approach, the GP-Normal [3]_ uses a Gaussian process (GP) from [4]_ to flexibly obtain + a recalibration weight for each sample individually. + Thus, the GP-Normal seeks for a mixed form of **variance calibration** in a more flexible way towards + **distribution calibration** for Gaussians. + Note that this method does not change the mean but only the predicted variance. + + **Mathematical background:** Let :math:`f_Y(y)` denote the uncalibrated probability density function (PDF), + targeting the probability distribution for :math:`Y`. In our case, the PDF is given as a Gaussian, so that + :math:`f_Y(y) = \\mathcal{N}\\big(y; \\mu_Y(X), \\sigma^2_Y(X)\\big)` with mean :math:`\\mu_Y(X)` and variance + :math:`\\sigma^2_Y(X)` obtained by a probabilistic regression model that depends on the input :math:`X`. + The calibrated PDF :math:`g_Y(y)` is the rescaled Gaussian with fixed mean and rescaled variance, so that + + .. math:: + g_Y(y) = \\mathcal{N}\\Big(y; \\mu_Y(X), \\big(\\theta_y \\cdot \\sigma_Y(X)\\big)^2\\Big) , + + where :math:`\\theta_y` is the adaptive rescaling weight for a certain :math:`y`. + + In contrast to the standard temperature scaling approach by [1]_, [2]_, the GP-Normal utilizes a Gaussian process + to obtain :math:`\\theta_y`, so that + + .. math:: + \\theta_y \\sim \\text{gp}(0, k) , + + where :math:`k` is the kernel function (for a more detailed description of the underlying Gaussian process, see + documentation of parent class :class:`netcal.regression.gp.AbstractGP`). + + Parameters + ---------- + n_inducing_points: int + Number of inducing points used to approximate the input space. These inducing points are also optimized. + n_random_samples: int + Number of random samples used to sample from the parameter distribution during optimization and inference. + correlations : bool, default: False, + If True, perform covariance estimation recalibration if the input during fit/transform is given as multiple + independent distributions, e.g., by a mean and standard deviation vector for each sample. + If the input is given as a mean vector and a covariance matrix for each sample, this method applies + covariance recalibration by learning a recalibration weight for each entry. + If False, perform standard regression recalibration and output independent probability distributions. + n_epochs: int, default: 200 + Number of optimization epochs. + batch_size: int, default: 256 + Size of batches during optimization. + num_workers : int, optional, default: 0 + Number of workers used for the dataloader. + lr: float, optional, default: 1e-2 + Learning rate used for the Adam optimizer. + use_cuda: str or bool, optional, default: False + The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. + You can also pass a string "cuda:0", "cuda:1", etc. to specify the CUDA device. + If False, use CPU for optimization and inference. + jitter: float, optional, default: 1e-5 + Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during + Gaussian process optimization. + name_prefix: str, optional, default: "gpnormal" + Name prefix internally used in Pyro to distinguish between parameter stores. + + References + ---------- + .. [1] Levi, Dan, et al.: + "Evaluating and calibrating uncertainty prediction in regression tasks." + arXiv preprint arXiv:1905.11659 (2019). + `Get source online `__ + + .. [2] Laves, Max-Heinrich, et al.: + "Well-calibrated regression uncertainty in medical imaging with deep learning." + Medical Imaging with Deep Learning. PMLR, 2020. + `Get source online `__ + + .. [3] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + + .. [4] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning. PMLR, 2019. + `Get source online `__ + """ + + precision = torch.float64 + + def __init__( + self, + n_inducing_points: int = 12, + n_random_samples: int = 128, + *, + correlations: bool = False, + name_prefix: str = "gpnormal", + **kwargs + ): + """ Constructor. For detailed parameter description, see class docs. """ + + # call super constructor + super().__init__( + n_inducing_points=n_inducing_points, + n_random_samples=n_random_samples, + n_parameters=1, + correlations=correlations, + name_prefix=name_prefix, + **kwargs + ) + + # set likelihood and number of parameters per dim + if correlations: + self.likelihood = ScaledMultivariateNormalLikelihood + else: + self.likelihood = ScaledNormalLikelihood + + # do not use inv_gamma and delta to rescale sampled parameters before exponential + self._learn_scale_shift = False + + # ------------------------------------------------------------------------- + # Pyro + GPyTorch functions + + def transform(self, X: Union[Iterable[np.ndarray], np.ndarray]) -> np.ndarray: + """ + Transform the given stddev to a distribution-calibrated one using the input + mean and stddev as priors for the underlying Gaussian process. If correlation=True, perform either recalibration + of given covariance matrices or learn local correlations between dimensions if only standard deviations + are provided as input. In this case, the function returns covariance matrices for each input sample. + + Parameters + ---------- + X : np.ndarray of shape (r, n, [d]) or Tuple of two np.ndarray, each of shape (n, [d]) + Input data for calibration regression obtained by a model that performs inference with uncertainty. + Depending on the input format, this method handles the input differently: + If X is tuple of two NumPy arrays with shape (n, [d]) for each array, this method asserts the + first array as mean and the second one as the according stddev predictions with d dimensions (optionally). + If X is single NumPy array of shape (r, n), this methods asserts predictions obtained by a stochastic + inference model (e.g. network using MC dropout) with n samples and r stochastic forward passes. In this + case, the mean and stddev is computed automatically. + + Returns + ------- + np.ndarray of shape (n, d) or (n, d, d) + Recalibrated standard deviation for each sample in each dimension. If correlations=True, return + estimated/recalibrated covariance matrices for each input sample in n. + """ + + # get mean, variance and stddev of input + with torch.no_grad(): + Xmean, Xvariance = self._get_input(X) + + # concatenate mean and var of training points to a single pytorch tensor + n_dims = Xmean.shape[1] + X = torch.cat((Xmean, Xvariance), dim=1).to(dtype=self.precision) # (n, 2*d) + + # create PyTorch dataset and dataloader for optimization + dataset = TensorDataset(X) + dataloader = DataLoader(dataset, batch_size=self.batch_size, shuffle=False, + num_workers=self.num_workers, pin_memory=True) + + # set model in eval mode and use variational distribution for inference + self.eval() + + # work in distinct pyro parameter store + with pyro.get_param_store().scope(self.pyro_scope): + + # move self to the proper device and precision + self.to(device=self.device, dtype=self.precision) + + # placeholder for final calibrated scale + calibrated_scale = [] + + # set model in eval mode and use variational distribution for inference + self.eval() + with torch.no_grad(): + for batch_X, in dataloader: + + # move input to GPU + batch_X = batch_X.to(device=self.device) + + # invoke GP model with learnt variational distribution - output is MultivariateNormal + output = self(batch_X) + + # in the simple independent case, the output parameters are exponentiated and multiplied by + # the baseline variance. Thus, we can use the mean of a LogNormal instead of sampling + # for mean of LogNormal, only the diagonal of the covariance matrix is required + if not self.correlations: + + mean, var = output.mean, output.variance + logmean = torch.exp(mean + 0.5 * var) + + # perform variance scaling and store to global output + x_var = torch.exp(batch_X[:, n_dims:]) + calibrated_var = x_var * logmean + calibrated_scale.append(calibrated_var.to(dtype=torch.float32, device="cpu")) + + # in the more complex case of modelling covariances, we only use the exponential for the weights + # for rescaling the diagonal variances. The correlations are not affected. Thus, use the computational + # more expensive sampling to obtain a mean calibrated estimate. + else: + + # sample from the variational distribution + function_samples = output(torch.Size([self.n_random_samples])) # (r, n, (d+d^2)/2) + + # unsqueeze to distribute computation + x_var = torch.unsqueeze(batch_X[:, n_dims:], dim=0) # (1, n, d) or (1, n, (d+d^2)/2) + + # rescale variance and introduce correlations. Finally, get mean of all covariance matrices. + # positive-semidefiniteness is preserved under summing and multiplying by a positive constant + covariance_matrix = ScaledMultivariateNormalLikelihood.rescale(x_var, function_samples) # (r, n, d, d) + covariance_matrix = torch.mean(covariance_matrix, dim=0) # (n, d, d) + + calibrated_scale.append(covariance_matrix.to(dtype=torch.float32, device="cpu")) + + # concatenate variances/covariances + calibrated_scale = torch.cat(calibrated_scale, dim=0) + + # return standard deviations if 'correlations' is False + if not self.correlations: + calibrated_scale = torch.sqrt_(calibrated_scale) + + return calibrated_scale.numpy() diff --git a/netcal/regression/gp/README.md b/netcal/regression/gp/README.md new file mode 100644 index 0000000..98b5db6 --- /dev/null +++ b/netcal/regression/gp/README.md @@ -0,0 +1,28 @@ +# Regression GP Calibration Package + +This package provides the framework for all Gaussian Process (GP) recalibration schemes. +These are *GP-Beta* [2], GP-Normal [3], and GP-Cauchy [3]. The goal of regression calibration using a GP scheme is to achieve +*distribution calibration*, i.e., to match the predicted moments (mean, variance) to the true observed ones. +In contrast to *quantile calibration* [1], where only the marginal calibration is of interest, the *distribution calibration* [2] is more +restrictive. It requires that the predicted moments should match the observed ones *given a certain probability +distribution*. Therefore, the authors in [2] propose to use Gaussian process to estimate the recalibration +parameters of a Beta calibration function locally (i.e., matching the observed moments of neighboring samples). +The *GP-Normal* and the *GP-Cauchy* follow the same principle but return parametric output distributions after calibration. + + +## References + +[1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: + "Accurate uncertainties for deep learning using calibrated regression." + International Conference on Machine Learning. PMLR, 2018. + [Get source online](http://proceedings.mlr.press/v80/kuleshov18a/kuleshov18a.pdf) + +[2] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning. PMLR, 2019. + [Get source online](http://proceedings.mlr.press/v97/song19a/song19a.pdf) + +[3] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + ArXiv preprint arXiv:2207.01242, 2022. + [Get source online](https://arxiv.org/pdf/2207.01242.pdf) \ No newline at end of file diff --git a/netcal/regression/gp/__init__.py b/netcal/regression/gp/__init__.py new file mode 100644 index 0000000..21c259c --- /dev/null +++ b/netcal/regression/gp/__init__.py @@ -0,0 +1,37 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/regression/gp/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_regression_gp + :template: custom_class.rst + + AbstractGP + GPBeta + GPNormal + GPCauchy + +Packages +======== + +.. autosummary:: + :toctree: _autosummary_regression_gp_submodules + + kernel + likelihood +""" + +from .AbstractGP import AbstractGP +from .GPBeta import GPBeta +from .GPNormal import GPNormal +from .GPCauchy import GPCauchy diff --git a/netcal/regression/gp/kernel/GaussianRBFKernel.py b/netcal/regression/gp/kernel/GaussianRBFKernel.py new file mode 100644 index 0000000..d57f093 --- /dev/null +++ b/netcal/regression/gp/kernel/GaussianRBFKernel.py @@ -0,0 +1,141 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import numpy as np +import torch +import gpytorch + + +class GaussianRBFKernel(gpytorch.kernels.Kernel): + """ + Computes the Gaussian RBF kernel using input points defined as Gaussians. + This kernel has been proposed by [1]_. + Given input samples :math:`\\mathbf{x}_i, \\mathbf{x}_j \\in \\mathbb{R}^d` of dimension :math:`d` with + according covariances :math:`\\Sigma_i, \\Sigma_j \\in \\mathbb{R}^{d \\times d}` that define a + Gaussian for each input point. The kernel function is defined as + + .. math:: + k\\Big((\\mathbf{x}_i, \\Sigma_i), (\\mathbf{x}_j, \\Sigma_j)\\Big) = \\theta^d |\\Sigma_{ij}|^{-\\frac{1}{2}} \\exp \\Bigg( -\\frac{1}{2} (\\mathbf{x}_i-\\mathbf{x}_j)^\\top + \\Sigma_{ij}^{-1}(\\mathbf{x}_i-\\mathbf{x}_j) \\Bigg) , + + with + + .. math:: + \\Sigma_{ij} = \\Sigma_i + \\Sigma_j + \\theta^2 \\mathbf{I} , + + where :math:`\\theta \\in \\mathbb{R}` is a lengthscale parameter. Since we're only using + independent normal distributions for each dimension, we only have diagonal covariance matrices. + + References + ---------- + .. [1] Song, L., Zhang, X., Smola, A., Gretton, A., & Schölkopf, B.: + "Tailoring density estimation via reproducing kernel moment matching." + In Proceedings of the 25th international conference on Machine learning (pp. 992-999), July 2008. + `Get source online `__ + """ + + has_lengthscale = True + + def __init__(self, *args, cov: bool, **kwargs): + super().__init__(*args, **kwargs) + self.cov = cov + + def forward(self, x1: torch.Tensor, x2: torch.Tensor, diag: bool = False, *args, **kwargs) -> torch.Tensor: + """ + Computes the Gaussian moment-matching RBF kernel. Asserts both input variables as + 2-D tensors holding the mean and variance matrices for each input point: + x1, x2 with shape (n, 2*d) and (m, 2*d), where n is number of samples in x1 and + m is the number of samples in x2, and d is number of feature dimensions. + Thus, mean of x1, x2 is given in (n, 0:d) and the variance in (n, d:). + + Parameters + ---------- + x1 : torch.Tensor of shape (n, 2*d) + First set of samples used for kernel computation consisting of mean and variance + for each input point. + x2 : torch.Tensor of shape (m, 2*d) + Second set of samples used for kernel computation consisting of mean and variance + for each input point. + diag : bool, optional, default: False + If True, return only the diagonal elements of the covariance matrix. + + Returns + ------- + torch.Tensor of shape (n, m) + Covariance kernel matrix for each input pair. + """ + + assert x1.ndim > 1, "GaussianRBFKernel: x1 must be at least 2-D with shape ([b], n, 2*d) " \ + "(cov=False) or ([b], n, d + (d^2+d)//2) (cov=True)" + assert x2.ndim > 1, "GaussianRBFKernel: x2 must be at least 2-D with shape ([b], n, 2*d) " \ + "(cov=False) or ([b], n, d + (d^2+d)//2) (cov=True)" + + if self.cov: + # formula to reconstruct the true data dimension from mean + lower triangular cov shape + n_dims = int((np.sqrt(8 * x1.shape[-1] + 9) - 3) // 2) + + # construct triangular lower matrices + tril_idx = torch.tril_indices(row=n_dims, col=n_dims, offset=0) + x1_var = torch.zeros(*x1.shape[:-1], n_dims, n_dims, dtype=x1.dtype, device=x1.device) # ([b], n, d, d) + x2_var = torch.zeros(*x2.shape[:-1], n_dims, n_dims, dtype=x2.dtype, device=x2.device) # ([b], n, d, d) + + # insert parameters into lower triangular + x1_var[..., tril_idx[0], tril_idx[1]] = x1[..., n_dims:] + x2_var[..., tril_idx[0], tril_idx[1]] = x2[..., n_dims:] + + # finally, reconstruct covariance matrices by LL^T computation + x1_var = torch.matmul(x1_var, x1_var.transpose(-2, -1)) # ([b], n, d, d) + x2_var = torch.matmul(x2_var, x2_var.transpose(-2, -1)) # ([b], n, d, d) + + # construct sum over all covariance matrices + variances = x1_var[..., None, :, :] + x2_var[..., None, :, :, :] # ([b], n, m, d, d) + + # add lengthscale parameter to diagonal + diagonal = torch.diagonal(variances, offset=0, dim1=-2, dim2=-1) + diagonal[:] = diagonal + torch.square(self.lengthscale) + + # get inverse of covariance matrices + inv_cov = torch.linalg.inv(variances) # ([b], n, m, d, d) + + # get determinant of covariance matrices + determinant = torch.linalg.det(variances) # ([b], n, m) + + else: + n_dims = x1.shape[-1] // 2 + x1_var = torch.exp(x1[..., n_dims:]) # ([b], n, d) + x2_var = torch.exp(x2[..., n_dims:]) # ([b], m, d) + + # first, add all variances within a single batch and add squared lengthscale to each dimension + # the inverse covariance matrix is the inverse of the variances on the diagonal + variances = x1_var[..., None, :] + x2_var[..., None, :, :] + torch.square(self.lengthscale) # ([b], n, m, d) + inv_cov = torch.diag_embed(1. / variances) # ([b], n, m, d, d) + + # since we only have a diagonal covariance matrix, take the product as the determinant + determinant = torch.prod(variances, dim=-1) # ([b], n, m) + + # get mean estimates + x1_loc = torch.unsqueeze(x1[..., :n_dims], dim=-1) # ([b], n, d, 1) + x2_loc = torch.unsqueeze(x2[..., :n_dims], dim=-1) # ([b], m, d, 1) + + # compute mahalanobis distance + mean_diff = x1_loc[..., None, :, :] - x2_loc[..., None, :, :, :] # ([b], n, m, d, 1) + mahalanobis = torch.matmul( + mean_diff.transpose(dim0=-1, dim1=-2), # ([b], n, m, 1, d) + torch.matmul(inv_cov, mean_diff) # ([b], n, m, d, 1) + ) # ([b], n, m, 1, 1) + + # finally, put mahalanobis into exponential and squeeze the two last dims + exponent = torch.exp(-0.5 * mahalanobis)[..., 0, 0] # ([b], n, m) + res = torch.pow(self.lengthscale, n_dims) * torch.div(exponent, torch.sqrt(determinant)) # ([b], n, m) + + if not diag: + return res + else: + if torch.is_tensor(res): + return res.diagonal(dim1=-1, dim2=-2) + else: + return res.diag() # For LazyTensor diff --git a/netcal/regression/gp/kernel/README.md b/netcal/regression/gp/kernel/README.md new file mode 100644 index 0000000..64cc4f4 --- /dev/null +++ b/netcal/regression/gp/kernel/README.md @@ -0,0 +1,3 @@ +# Kernels for GP + +Package with all custom definitions for the kernel functions that are used by the Gaussian process (GP) framework. diff --git a/netcal/regression/gp/kernel/__init__.py b/netcal/regression/gp/kernel/__init__.py new file mode 100644 index 0000000..6959a20 --- /dev/null +++ b/netcal/regression/gp/kernel/__init__.py @@ -0,0 +1,22 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/regression/gp/kernel/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_regression_gp_kernel + :template: custom_class.rst + + GaussianRBFKernel +""" + +from .GaussianRBFKernel import GaussianRBFKernel diff --git a/netcal/regression/gp/likelihood/BetaLikelihood.py b/netcal/regression/gp/likelihood/BetaLikelihood.py new file mode 100644 index 0000000..951d2ab --- /dev/null +++ b/netcal/regression/gp/likelihood/BetaLikelihood.py @@ -0,0 +1,420 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +from typing import Tuple, Union +import numpy as np + +import torch +import torch.nn.functional as F +import pyro.distributions as dist + + +class BetaLikelihood(dist.TorchDistribution): + """ + Beta likelihood used to implement the basic functionality of the :class:`netcal.regression.gp.GPBeta` + recalibration method. + This function serves the standard beta calibration mapping for the cumulative distribution function (CDF) as well + as the derived beta link function for the recalibration of the probability density function (PDF). + Since the likelihood of the Gaussian process is calculated during model training using the PDF, this method + is required not only for the inference but also for the training of the :class:`netcal.regression.gp.GPBeta` method + [1]_. + + **Mathematical background:** From the docstring of :class:`netcal.regression.gp.GPBeta`, we know that the GP-Beta + utilizes the beta calibration method [2]_ from confidence calibration (cf. :class:`netcal.scaling.BetaCalibration`) + for the recalibration of the CDF. + Let :math:`f_Y(y)` denote the uncalibrated probability density function (PDF), targeting the probability + distribution for :math:`Y`. Let :math:`\\tau_y \\in [0, 1]` denote a certain quantile on the uncalibrated CDF which + is denoted by :math:`\\tau_y = F_Y(y)`. + Furthermore, let :math:`g_Y(y)` and :math:`G_Y(y)` denote the recalibrated PDF and CDF, respectively. + The Beta calibration function :math:`\\mathbf{c}_\\beta(\\tau_y)` known from [2]_ is given by + + .. math:: + \\mathbf{c}_\\beta(\\tau_y) &= \\phi\\big( a \\log(\\tau_y) - b \\log(1-\\tau_y) + c \\big) \\\\ + &= \\phi\\big( z(\\tau_y) \\big) , + + with recalibration parameters :math:`a,b \\in \\mathbb{R}_{>0}` and :math:`c \\in \\mathbb{R}`, and + :math:`\\phi(\\cdot)` as the sigmoid function [2]_. + In this case, we denote the logit of the beta calibration function :math:`\\mathbf{c}_\\beta(\\tau_y)` by + + .. math:: + z(\\tau_y) = a \\log(\\tau_y) - b \\log(1-\\tau_y) + c . + + The beta calibration method serves as a mapping from the uncalibrated CDF to the calibrated one, so that + + .. math:: + G_Y(y) = \\mathbf{c}_\\beta\\big( F_Y(y) \\big) + + holds. The PDF is recalibrated using the beta link function :math:`\\mathbf{r}_\\beta(\\tau_y)` [1]_ by + + .. math:: + g_Y(y) = \\frac{\\partial \\mathbf{c}_\\beta}{\\partial y} + = \\frac{\\partial \\mathbf{c}_\\beta}{\\partial \\tau_y} \\frac{\\partial \\tau_y}{\\partial y} + = \\mathbf{r}_\\beta(\\tau_y) f_Y(y) , + + where the beta link function is given by + + .. math:: + \\mathbf{r}_\\beta(\\tau_y) = \\Bigg(\\frac{a}{\\tau_y} + \\frac{b}{1-\\tau_y} \\Bigg) + \\mathbf{c}_\\beta(\\tau_y) \\big(1 - \\mathbf{c}_\\beta(\\tau_y)\\big) . + + The recalibration parameters :math:`a,b` and :math:`c` are not directly infered by the GP but rather use the + underlying function parameters :math:`w_a, w_b, w_c \\in \\mathbb{R}`, so that + + .. math:: + a &= \\exp(\\gamma_a^{-1} w_a + \\delta_a) \\\\ + b &= \\exp(\\gamma_b^{-1} w_b + \\delta_b) \\\\ + c &= \\gamma_c^{-1} w_c + \\delta_c + + are given as the beta distribution parameters to guarantee :math:`a, b > 0`. + During optimization, we need the log of the link function. We use a numerical more stable version: + + .. math:: + \\log\\big(\\mathbf{r}_\\beta(\\tau_y)\\big) = \\log \\Bigg(\\frac{a}{\\tau_y} + \\frac{b}{1-\\tau_y} \\Bigg) + + \\log \\Big( \\mathbf{c}_\\beta(\\tau_y) \\big(1 - \\mathbf{c}_\\beta(\\tau_y)\\big) \\Big) + + The first part can be rewritten as: + + .. math:: + & \\log \\Bigg(\\frac{a}{\\tau_y} + \\frac{b}{1-\\tau_y} \\Bigg) \\\\ + &= \\log \\Bigg( \\exp \\Big( \\log(a) - \\log(\\tau_y) \\Big) + \\exp \\Big( \\log(b) - \\log(1-\\tau_y) \\Big) \\Bigg) \\\\ + &= \\log \\Bigg( \\exp \\Big( \\gamma_a^{-1} w_a + \\delta_a - \\log(\\tau_y) \\Big) + \\exp \\Big( \\gamma_b^{-1} w_b + \\delta_b - \\log(1-\\tau_y) \\Big) \\Bigg) \\\\ + &= \\text{logsumexp} \\Bigg[ \\Big( \\gamma_a^{-1} w_a + \\delta_a - \\log(\\tau_y) \\Big), \\Big( \\gamma_b^{-1} w_b + \\delta_b - \\log(1-\\tau_y) \\Big) \\Bigg] + + where :math:`\\text{logsumexp}` is a numerical stable version of :math:`\\log \\Big( \\sum_x \\exp(x) \\Big)` in PyTorch. + In addition, we can also simplify the expression for the log of the sigmoid functions that are used within + the computation of :math:`\\mathbf{c}_\\beta(\\tau_y)` by + + + .. math:: + \\log(\\phi(x)) &= -\\log \\Big( \\exp(-x) + 1 \\Big), \\\\ + \\log(1-\\phi(x)) &= -\\log \\Big( \\exp(x) + 1 \\Big) + + which can also be expressed in terms of PyTorch's numerical more stable :math:`\\text{softplus}` + function :math:`\\log \\Big( \\exp(x) + 1 \\Big)`. Thus, the log of the link function can be expressed as + + .. math:: + \\log(r_\\beta(\\tau_y)) = &\\text{logsumexp} \\Bigg[ \\Big( \\gamma_a^{-1} w_a + \\delta_a - \\log(\\tau_y) \\Big), + \\Big( \\gamma_b^{-1} w_b + \\delta_b - \\log(1-\\tau_y) \\Big) \\Bigg] \\\\ + &- \\Big(\\text{softplus}\\big(-z(x)\\big) + \\text{softplus}\\big(z(x)\\big)\\Big) + + Parameters + ---------- + loc: torch.Tensor, shape: ([[1], 1], n, d) + Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. + This class also supports broadcasting of the calculations to t sampling points (defining the non-parametric + PDF/CDF, first dim) and r random samples (second dim). + logvar: torch.Tensor, shape: ([[1], 1], n, d) + Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d + dimensions. This class also supports broadcasting of the calculations to t sampling points (defining the + non-parametric PDF/CDF, first dim) and r random samples (second dim). + parameters: torch.Tensor, shape: ([[1], r], n, p*d) + Rescaling parameters of the beta link function **before applying the exponential** (for parameters :math:`a, b`) + with n samples d dimensions, r random samples and p as the number of parameters (p=3 in this case). + + References + ---------- + .. [1] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: + "Distribution calibration for regression." + International Conference on Machine Learning (pp. 5897-5906), 2019. + `Get source online `__ + + .. [2] Kull, Meelis, Telmo Silva Filho, and Peter Flach: + "Beta calibration: a well-founded and easily implemented improvement on logistic calibration for binary classifiers" + Artificial Intelligence and Statistics, PMLR 54:623-631, 2017 + `Get source online `__ + """ + + def __init__(self, loc: torch.Tensor, logvar: torch.Tensor, parameters: torch.Tensor): + """ Constructor. For detailed parameter description, see class docs. """ + + # call super constructor with right batch_shape (necessary for Pyro) and save parameters as member variable + super().__init__(batch_shape=parameters.shape[:-1] + loc.shape[-1:], validate_args=False) + self.parameters = parameters + + # recover the variance and initialize a normal distribution that reflects the uncalibrated distribution + var = torch.exp(logvar) + self._normal = dist.Normal(loc, torch.sqrt(var)) + + def log_prob(self, value: torch.Tensor) -> torch.Tensor: + """ + Calculate the log-density at the points given by 'value' using the underlying uncalibrated distribution + :math:`f_Y(y)` that is rescaled by the calibration parameters. + This function implements the beta link function :math:`\\mathbf{r}_\\beta(\\tau_y)` and provides the + log-likelihood for the recalibrated PDF + + .. math:: + \\log\\big(g_Y(y)\\big) = \\log\\big(\\mathbf{r}_\\beta(\\tau_y) f_Y(y) \\big) . + + Parameters + ---------- + value : torch.Tensor, shape: ([[t], 1], n, d) + Points at which to calculate the log-likelihood with n samples and d dimensions. + The dimension t represents the points that define the non-parametric PDF/CDF on the x-axis. + The intermediate (second) dim is required when using multiple stochastic forward passes for + the rescaling parameters. + + Returns + ------- + torch.Tensor, shape: ([[t], r], n, d) + Log-likelihood of the recalibrated non-parametric distribution with + t points that define the non-parametric PDF/CDF on the x-axis, r stochastic forward passes for the rescaling + parameters, n samples and d dimensions. + """ + + # get cumulative and log_density for input + with torch.no_grad(): + cumulative = self._normal.cdf(value) # ([[t], 1], n, d) + log_density = self._normal.log_prob(value) # ([[t], 1], n, d) + + # prevent inf or NaN during log for cumulatives that ran into saturation {0, 1} + torch.clamp(cumulative, min=torch.finfo(cumulative.dtype).eps, max=1.-torch.finfo(cumulative.dtype).eps, out=cumulative) + + param_a = self.parameters[..., 0::3] # ([[1], r], n, d) + param_b = self.parameters[..., 1::3] # ([[1], r], n, d) + + # numerical stable variant of log + log_derivative_logit = torch.logsumexp( + torch.stack(( + param_a - torch.log(cumulative), + param_b - torch.log(1. - cumulative), + ), dim=-1), # ([[t], r], n, d, 2) + dim=-1 + ) # ([[t], r], n, d) + + # get logit of calibrated cumulative + logit = self._get_beta_logit(cumulative) + + # log(sigmoid(x)) is -softplus(-x) + # log(1-sigmoid(x)) is -softplus(x) + log_derivative_sigmoid = -F.softplus(-logit) - F.softplus(logit) # ([[t], r], n, d) + + log_link = log_derivative_logit + log_derivative_sigmoid # ([[t], r], n, d) + + # broadcast log_density to sample dimension + linklikelihood = log_link + log_density # ([[t], r], n, d) + + return linklikelihood + + def cdf(self, t: Union[int, torch.Tensor]) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Calculate cumulative distribution function (CDF) at the points given by 't' using + the underlying uncalibrated cumulative :math:`F_Y(y)` that is rescaled by the calibration parameters. + This function implements the beta calibration function :math:`\\mathbf{c}_\\beta(\\tau_y)` and provides the + recalibrated CDF + + .. math:: + G_Y(y) = \\mathbf{c}_\\beta\\big(F_y(y)\\big). + + Furthermore, this method provides the sampling points to properly represent the x-values of the recalibrated + CDF. To obtain the relevant points (where the CDF is >>0 and <<1), we use an iterative approach to approximate + the most relevant x-values of the CDF. + + Parameters + ---------- + t : torch.Tensor, shape: ([[t], r], n, d) + Points at which to calculate the CDF with n samples and d dimensions. + The dimension t represents the points that define the non-parametric PDF/CDF on the x-axis. + The dimension r is required when using multiple stochastic forward passes for + the rescaling parameters. + + Returns + ------- + Tuple of torch.Tensor, both of shape: ([[t], r], n, d) + X- and y-values of the recalibrated cumulative distribution function (CDF) with + t points that define the non-parametric PDF/CDF on the x-axis, r stochastic forward passes for the rescaling + parameters, n samples and d dimensions. + """ + + # target quantile determines the points at which the CDF is not relevant any more + target_quantile = 1e-7 + + # max_iter is the maximum amount of iterations used to refine the sampling points + max_iter = 5 + + # if t is int, use t sampling points to describe the output distribution + if isinstance(t, int): + + # get base boundaries by the inverse cumulative function + lower_bound_0 = self._normal.icdf(torch.tensor(target_quantile)) # ([[1], 1], n, d) + upper_bound_0 = self._normal.icdf(torch.tensor(1. - target_quantile)) # ([[1], 1], n, d) + + # use the base quantile width 4 times (in each direction) to rescale the boundaries + width_0 = upper_bound_0 - lower_bound_0 + lower_bound = lower_bound_0 - 4 * width_0 + upper_bound = upper_bound_0 + 4 * width_0 + + # generate initial guess for the sampling points + sampling_points, cumulative = self._generate_sampling_points( + t, lower_bound.cpu().numpy(), upper_bound.cpu().numpy() + ) + + # use iterative approach to refine the sampling points + for it in range(max_iter + 1): + logit = self._get_beta_logit(cumulative) + calibrated = torch.sigmoid(logit) + + # reached end of refinement loop + if it == max_iter: + break + + # copy back to numpy as we use the 'flip' function in the following + # in contrast to PyTorch, NumPy returns a view instead of making a copy of the data + calibrated = calibrated.cpu().numpy() # # ([[t], r], n, d) + + # get the indices where the desired relevance level is reached + # move the indices to the outer point (useful especially for very low resolutions) by decreasing + # lb - 1 and increasing ub + 1 + lb_idx = np.argmax(calibrated >= target_quantile, axis=0) - 1 # ([r], n, d) + ub_idx = t - np.argmax(np.flip(calibrated, axis=0) < (1 - target_quantile), axis=0) # ([r], n, d) + + # depending on the random samples, use the minimum/maximum boundary idx + lb_idx = np.min(lb_idx, axis=0, keepdims=True) # (1, n, d) + ub_idx = np.max(ub_idx, axis=0, keepdims=True) # (1, n, d) + + # avoid out-of-bounds indices + lb_idx[lb_idx < 0] = 0 + ub_idx[ub_idx >= t] = t - 1 + + # take indices along first axis to get the right x-scores for the cumulative + lower_bound = np.take_along_axis( + sampling_points.numpy(), + indices=lb_idx[None, ...], + axis=0, + ) # ([[1], r], n, d) + + upper_bound = np.take_along_axis( + sampling_points.numpy(), + indices=ub_idx[None, ...], + axis=0, + ) # ([[1], r], n, d) + + # generate new set of sampling points + sampling_points, cumulative = self._generate_sampling_points(t, lower_bound, upper_bound) + + # if t is np.ndarray, use this points as the base for the calibrated output distribution + elif isinstance(t, torch.Tensor): + + sampling_points = t + + # get cumulative and log_density for input + with torch.no_grad(): + cumulative = self._normal.cdf(sampling_points) # ([[t], 1], n, d) + torch.clamp(cumulative, min=torch.finfo(cumulative.dtype).eps, + max=1. - torch.finfo(cumulative.dtype).eps, out=cumulative) + + logit = self._get_beta_logit(cumulative) + calibrated = torch.sigmoid(logit) + + else: + raise AttributeError("Parameter \'t\' must be either of type int or np.ndarray.") + + # finally, move sampling points to the same device + sampling_points = sampling_points.to(device=calibrated.device) + return sampling_points, calibrated + + def _generate_sampling_points( + self, + t: int, + lower_bound: np.ndarray, + upper_bound: np.ndarray + ) -> Tuple[torch.Tensor, torch.Tensor]: + """ + Generate the sampling points between lower and upper bound. + This function is iteratively called to refine the set of sampling points to get a meaningful representation + of the recalibrated non-parametric distribution. + + Parameters + ---------- + t : int + Number of sampling points that define a non-parametric PDF/CDF on the x-axis. + lower_bound : np.ndarray, shape: ([[1], r], n, d) + Lower bound of the sampling points with r random samples, n data points and d dimensions. + upper_bound : np.ndarray, shape: ([[1], r], n, d) + Upper bound of the sampling points with r random samples, n data points and d dimensions. + + Returns + ------- + Tuple of torch.Tensor, both of shape ([[t], r], n, d) + X- and y-values of the recalibrated cumulative distribution function (CDF) with + t points that define the non-parametric PDF/CDF on the x-axis, r stochastic forward passes for the rescaling + parameters, n samples and d dimensions. + """ + + # use NumPy's linspace as it is capable of arrays as start- and endpoints. + sampling_points = torch.from_numpy( + np.linspace(lower_bound, upper_bound, t, axis=0) + ) # ([[t, 1], r], n, d) + + # remove the unnecessary additional dimension + sampling_points = torch.squeeze( + sampling_points, + dim=1 + ) if sampling_points.ndim == 5 else sampling_points # ([[t], r], n, d) + + # bring sampling points to the target precision + sampling_points = sampling_points.to(dtype=self._normal.loc.dtype) + + # cumulative is required to examine the y-scores of the CDF to determine the new boundaries + cumulative = self._normal.cdf( + sampling_points.to(device=self._normal.loc.device) + ) # ([[t], r], n, d) + + # clamp cumulative to be in open interval (0, 1) + torch.clamp( + cumulative, + min=torch.finfo(cumulative.dtype).eps, + max=1. - torch.finfo(cumulative.dtype).eps, + out=cumulative + ) + + return sampling_points, cumulative + + def _get_beta_logit(self, cumulative: torch.Tensor) -> torch.Tensor: + """ + Calculate the logit of the beta calibration function at the points given by "cumulative" using the + recalibration parameters. + The logit :math:`z(\\tau_y)` of the beta calibration function for a quantile :math:`\\tau_y \\in [0, 1]` is + defined by + + .. math:: + z(\\tau_y) = a \\log(\\tau_y) - b \\log(1-\\tau_y) + c . + + Parameters + ---------- + cumulative : torch.Tensor, shape: ([[t], 1], n, d) + Y-values of the (uncalibrated) CDF in :math:`[0, 1]` with t points that define the non-parametric PDF/CDF, + n samples and d dimensions. + + Returns + ------- + torch.Tensor, shape: ([[t], r], n, d) + Logit of the beta calibration function with t points that define the non-parametric PDF/CDF, + r stochastic forward passes for the rescaling parameters, n samples and d dimensions. + """ + + param_a = self.parameters[..., 0::3] # ([[1], r], n, d) + param_b = self.parameters[..., 1::3] # ([[1], r], n, d) + param_c = self.parameters[..., 2::3] # ([[1], r], n, d) + + # call exponential function on the first two parameters + parameters = torch.stack(( + param_a.exp(), + param_b.exp(), + param_c), + dim=-1 + ) # ([[1], r], n, d, 3) + + # construct input array + input = torch.stack( + (torch.log(cumulative), -torch.log(1. - cumulative), torch.ones_like(cumulative)), + dim=-1 + ) # ([[t], 1], n, d, 3) + + # get calibrated cumulative + logit = torch.sum(parameters * input, dim=-1) # ([[t], r], n, d) + + return logit diff --git a/netcal/regression/gp/likelihood/CauchyLikelihood.py b/netcal/regression/gp/likelihood/CauchyLikelihood.py new file mode 100644 index 0000000..74bc81d --- /dev/null +++ b/netcal/regression/gp/likelihood/CauchyLikelihood.py @@ -0,0 +1,64 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import torch +import pyro.distributions as dist + + +class CauchyLikelihood(dist.Cauchy): + """ + Standard likelihood of a Cauchy distribution used within :class:`netcal.regression.gp.GPCauchy` + where the scaling parameter :math:`\\lambda` is obtained by + combining the uncalibrated standard deviation with a rescaling parameter obtained by a Gaussian process. + This method provides the likelihood for the :class:`netcal.regression.gp.GPCauchy` by applying a rescaling + of the uncalibrated input standard deviation by a recalibration parameter :math:`\\theta_y` [1]_, so that the + recalibrated probability density function (PDF) :math:`g_Y(y)` is given by + + .. math:: + g_Y(y) = \\text{Cauchy}\\Big(y; x_0=\\mu_Y(X), \\lambda=\\big(\\theta_y \\cdot \\sigma_Y(X)\\big)\\Big) + + with :math:`\\mu_Y(X) \\in \\mathbb{R}` and :math:`\\sigma_Y(X) \\in \\mathbb{R}_{>0}` as the uncalibrated + mean and standard deviation, respectively, and :math:`x_0` as the mode of the Cauchy which is approximated by + the uncalibrated mean estimate. + + Parameters + ---------- + loc: torch.Tensor, shape: ([1], n, d) + Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. + This class also supports broadcasting of the calculations to r random samples (first dim). + logvar: torch.Tensor, shape: ([1], n, d) + Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d + dimensions. This class also supports broadcasting of the calculations to r random samples (first dim). + parameters: torch.Tensor, shape: ([r], n, d) + Rescaling parameter of the GP-Cauchy with n samples d dimensions and r random samples. + + References + ---------- + .. [1] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + """ + + def __init__(self, loc: torch.Tensor, logvar: torch.Tensor, parameters: torch.Tensor): + """ Constructor. For detailed parameter description, see class docs. """ + + scale = torch.exp(logvar / 2.) # is stddev sqrt(exp(logvar)) = exp(logvar / 2.) + transformed_scale = scale * parameters.exp() + super().__init__(loc, transformed_scale, validate_args=False) + + def expand(self, batch_shape, _instance=None): + """ Expand-method. Reimplementation required when sub-classing the Cauchy distribution of Pyro. """ + + new = self._get_checked_instance(CauchyLikelihood, _instance) + batch_shape = torch.Size(batch_shape) + new.loc = self.loc.expand(batch_shape) + new.scale = self.scale.expand(batch_shape) + super(CauchyLikelihood, new).__init__(new.loc, new.scale, validate_args=False) + new._validate_args = self._validate_args + + return new diff --git a/netcal/regression/gp/likelihood/README.md b/netcal/regression/gp/likelihood/README.md new file mode 100644 index 0000000..dfffd4d --- /dev/null +++ b/netcal/regression/gp/likelihood/README.md @@ -0,0 +1,4 @@ +# Likelihoods for GP + +Package with all custom definitions for the likelihood functions that are used by the Gaussian process (GP) framework +during training and inference. \ No newline at end of file diff --git a/netcal/regression/gp/likelihood/ScaledMultivariateNormalLikelihood.py b/netcal/regression/gp/likelihood/ScaledMultivariateNormalLikelihood.py new file mode 100644 index 0000000..f0c891d --- /dev/null +++ b/netcal/regression/gp/likelihood/ScaledMultivariateNormalLikelihood.py @@ -0,0 +1,172 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import numpy as np +import torch +import pyro.distributions as dist + + +class ScaledMultivariateNormalLikelihood(dist.MultivariateNormal): + """ + Standard likelihood of a **multivariate** normal distribution used within :class:`netcal.regression.gp.GPNormal` + for *covariance estimation* and *covariance recalibration*. + This method provides the multivariate likelihood for the :class:`netcal.regression.gp.GPNormal` when + "correlations=True". + The input to this class is given as the LDL* decomposed (uncalibrated) covariance matrix + :math:`\\boldsymbol{\\Sigma}_{\\mathbf{Y}}(X) = \\mathbf{L}\\mathbf{D}\\mathbf{L}^{\\top}`. + Afterwards, this method applies a rescaling of the uncalibrated :math:`\\mathbf{L} \\in \\mathbb{R}^{d \\times d}` + and :math:`\\mathbf{D} \\in \\mathbb{R}^{d \\times d}` matrices by the + recalibration parameters :math:`\\theta_L \\in \\mathbb{R}^{d \\times d}` and + :math:`\\theta_D \\in \\mathbb{R}^{d \\times d}_{>0}` [1]_, so that the recalibrated + probability density function (PDF) :math:`g_{\\mathbf{Y}}(\\mathbf{y})` is given by + + .. math:: + g_{\\mathbf{Y}}(\\mathbf{y}) = \\mathcal{N}\\Big(\\mathbf{y}; \\boldsymbol{\\mu}_{\\mathbf{Y}}(X), + (\\theta_L \\odot \\mathbf{L})(\\theta_D \\odot \\mathbf{D})(\\theta_L \\odot \\mathbf{L})^{\\top} \\big) \\Big) + + with :math:`\\boldsymbol{\\mu}_{\\mathbf{Y}}(X) \\in \\mathbb{R}` as the uncalibrated mean and :math:`\\odot` as + the element-wise matrix multiplication operator. + + Parameters + ---------- + loc: torch.Tensor, shape: ([1], n, d) + Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. + This class also supports broadcasting of the calculations to r random samples (first dim). + var: torch.Tensor, shape: ([1], n, (d^2+d) // 2) + LDL* decomposed covariance matrix (compressed form) of the uncalibrated (Gaussian) probability distribution + with n samples and d dimensions. This class also supports broadcasting of the calculations to r random samples + (first dim). + parameters: torch.Tensor, shape: ([r], n, (d+d^2) // 2) + Rescaling parameter of the GP-Normal for the decomposed covariance matrices with n samples d dimensions + and r random samples. + + References + ---------- + .. [1] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + """ + + def __init__(self, loc: torch.Tensor, var: torch.Tensor, parameters: torch.Tensor): + """ Constructor. For detailed parameter description, see class docs. """ + + # reconstruct and rescale the given input covariance matrices + covariance_matrix = self.rescale(var, parameters) + + super().__init__(loc=loc, covariance_matrix=covariance_matrix, validate_args=False) + + @staticmethod + def reconstruct(decomposed: torch.Tensor): + """ + Reconstruct the lower :math:`\\mathbf{L}` and diagonal :math:`\\mathbf{D}` matrices from the flat input vector + given by "decomposed" since Pyro does not support an additional dimension internally. + + Parameters + ---------- + decomposed: torch.Tensor, shape: ([1], n, (d^2+d) // 2) + LDL* decomposed covariance matrix (compressed form) of the uncalibrated (Gaussian) probability distribution + with n samples and d dimensions. + + Returns + ------- + Tuple of torch.Tensor with (L, D) + Reconstructed lower triangular matrix and diagonal vector of the decomposed input covariance matrix. + L has shape ([1], n, d, d) and is lower triangualr. + D has shape ([1], n, d) and holds the diagonal elements. + """ + + # decomposed has shape (..., (d^2+d)//2) + # formula to reconstruct the true data dimension from mean + lower triangular cov shape + n_dims = int((np.sqrt(8 * decomposed.shape[-1] + 1) - 1) // 2) + + # use LDL* decomposition but reconstruct input var from LL* + # get lower triangular indices (L matrix) + tril_idx = torch.tril_indices(row=n_dims, col=n_dims, offset=0) + + # initialize identity matrix and place covariance estimates in the lower off-diagonal + lower = torch.zeros( + *decomposed.shape[:-1], n_dims, n_dims, + dtype=decomposed.dtype, + device=decomposed.device + ) # (..., d, d) + + lower[..., tril_idx[0], tril_idx[1]] = decomposed + diagonal_view = torch.diagonal(lower, dim1=-2, dim2=-1) # (..., d) + diagonal = diagonal_view.clone() + + # since diagonal is simply a view on the lower, place ones inplace + diagonal_view[:] = 1. + + return lower, diagonal + + @staticmethod + def rescale(var: torch.Tensor, parameters: torch.Tensor): + """ + This method applies the rescaling of the LDL* decomposed covariance matrices by computing + :math:`\\theta_L \\odot \\mathbf{L}` and :math:`\\theta_D \\odot \\mathbf{D}`. + Finally, the covariance matrix is recovered and returned. + + Parameters + ---------- + var: torch.Tensor, shape: ([1], n, (d^2+d) // 2) + LDL* decomposed covariance matrix (compressed form) of the uncalibrated (Gaussian) probability distribution + with n samples and d dimensions. + parameters: torch.Tensor, shape: ([r], n, (d+d^2) // 2) + Rescaling parameter of the GP-Normal for the decomposed covariance matrices with n samples d dimensions + and r random samples. + + Returns + ------- + torch.Tensor of shape ([r], n, d, d) + Rescaled covariance matrices with r stochastic forward passes for the rescaling + parameters, n samples and d dimensions. + """ + + lower_cov, diagonal_var = ScaledMultivariateNormalLikelihood.reconstruct(var) + lower_scale, diagonal_scale = ScaledMultivariateNormalLikelihood.reconstruct(parameters) + + # diagonal var returns the standard devs on the diagonal + # use square method to reconstruct variances + diagonal_var = torch.square(diagonal_var) + + # use exponential on diagonal variance scaling parameters to guarantee positive estimates + diagonal_scale = torch.exp(diagonal_scale) + + # perform element-wise multiplication + lower_scale = lower_scale * lower_cov # ([r], n, d, d) + + # rescale diagonal variances + diagonal_scale = diagonal_scale * diagonal_var # ([r], n, d) + diagonal_scale = torch.diag_embed(diagonal_scale) # ([r], n, d, d) + + # construct covariance matrix using LDL* + covariance_matrix = lower_scale @ diagonal_scale @ torch.transpose(lower_scale, dim0=-2, dim1=-1) # ([r], n, d, d) + + return covariance_matrix + + def expand(self, batch_shape, _instance=None): + """ Expand-method. Reimplementation required when sub-classing the MultivariateNormal distribution of Pyro. """ + + new = self._get_checked_instance(ScaledMultivariateNormalLikelihood, _instance) + batch_shape = torch.Size(batch_shape) + loc_shape = batch_shape + self.event_shape + cov_shape = batch_shape + self.event_shape + self.event_shape + new.loc = self.loc.expand(loc_shape) + new._unbroadcasted_scale_tril = self._unbroadcasted_scale_tril + if 'covariance_matrix' in self.__dict__: + new.covariance_matrix = self.covariance_matrix.expand(cov_shape) + super(ScaledMultivariateNormalLikelihood, new).__init__(loc=new.loc, covariance_matrix=new.covariance_matrix, validate_args=False) + if 'scale_tril' in self.__dict__: + new.scale_tril = self.scale_tril.expand(cov_shape) + super(ScaledMultivariateNormalLikelihood, new).__init__(loc=new.loc, scale_tril=new.scale_tril, validate_args=False) + if 'precision_matrix' in self.__dict__: + new.precision_matrix = self.precision_matrix.expand(cov_shape) + super(ScaledMultivariateNormalLikelihood, new).__init__(loc=new.loc, precision_matrix=new.precision_matrix, validate_args=False) + + new._validate_args = self._validate_args + return new diff --git a/netcal/regression/gp/likelihood/ScaledNormalLikelihood.py b/netcal/regression/gp/likelihood/ScaledNormalLikelihood.py new file mode 100644 index 0000000..ffddecf --- /dev/null +++ b/netcal/regression/gp/likelihood/ScaledNormalLikelihood.py @@ -0,0 +1,62 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +import torch +import pyro.distributions as dist + + +class ScaledNormalLikelihood(dist.Normal): + """ + Standard likelihood of a normal distribution used within :class:`netcal.regression.gp.GPNormal` + with additional rescaling parameters for the variance. + This method provides the likelihood for the :class:`netcal.regression.gp.GPNormal` by applying a rescaling + of the uncalibrated input variance by a recalibration parameter :math:`\\theta_y` [1]_, so that the recalibrated + probability density function (PDF) :math:`g_Y(y)` is given by + + .. math:: + g_Y(y) = \\mathcal{N}\\Big(y; \\mu_Y(X), \\big(\\theta_y \\cdot \\sigma_Y(X)\\big)^2\\Big) + + with :math:`\\mu_Y(X) \\in \\mathbb{R}` and :math:`\\sigma_Y(X) \\in \\mathbb{R}_{>0}` as the uncalibrated + mean and standard deviation, respectively. + + Parameters + ---------- + loc: torch.Tensor, shape: ([1], n, d) + Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. + This class also supports broadcasting of the calculations to r random samples (first dim). + logvar: torch.Tensor, shape: ([1], n, d) + Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d + dimensions. This class also supports broadcasting of the calculations to r random samples (first dim). + parameters: torch.Tensor, shape: ([r], n, d) + Rescaling parameter of the GP-Normal with n samples d dimensions and r random samples. + + References + ---------- + .. [1] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: + "Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." + European Conference on Computer Vision (ECCV) Workshops, 2022. + `Get source online `__ + """ + + def __init__(self, loc: torch.Tensor, logvar: torch.Tensor, parameters: torch.Tensor): + """ Constructor. For detailed parameter description, see class docs. """ + + var = torch.exp(logvar) + transformed_var = var * parameters.exp() + super().__init__(loc, torch.sqrt(transformed_var), validate_args=False) + + def expand(self, batch_shape, _instance=None): + """ Expand-method. Reimplementation required when sub-classing the Normal distribution of Pyro. """ + + new = self._get_checked_instance(ScaledNormalLikelihood, _instance) + batch_shape = torch.Size(batch_shape) + new.loc = self.loc.expand(batch_shape) + new.scale = self.scale.expand(batch_shape) + super(ScaledNormalLikelihood, new).__init__(new.loc, new.scale, validate_args=False) + new._validate_args = self._validate_args + + return new diff --git a/netcal/regression/gp/likelihood/__init__.py b/netcal/regression/gp/likelihood/__init__.py new file mode 100644 index 0000000..c94f2ab --- /dev/null +++ b/netcal/regression/gp/likelihood/__init__.py @@ -0,0 +1,28 @@ +# Copyright (C) 2021-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany +# +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. + +""" +.. include:: /../../netcal/regression/gp/likelihood/README.md + :parser: myst_parser.sphinx_ + +Available classes +================= + +.. autosummary:: + :toctree: _autosummary_regression_gp_likelihood + :template: custom_class.rst + + ScaledNormalLikelihood + ScaledMultivariateNormalLikelihood + BetaLikelihood + CauchyLikelihood +""" + +from .ScaledNormalLikelihood import ScaledNormalLikelihood +from .ScaledMultivariateNormalLikelihood import ScaledMultivariateNormalLikelihood +from .BetaLikelihood import BetaLikelihood +from .CauchyLikelihood import CauchyLikelihood From e953ebc783b5f9b8c2961d2b620d1acf90901b17 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 09:57:49 +0200 Subject: [PATCH 10/21] Register new regression package. Register new helper functions. Update package version --- netcal/__init__.py | 26 ++++++++++++++++---------- 1 file changed, 16 insertions(+), 10 deletions(-) diff --git a/netcal/__init__.py b/netcal/__init__.py index 80fdd27..a8d0e87 100644 --- a/netcal/__init__.py +++ b/netcal/__init__.py @@ -1,19 +1,20 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # # This Source Code Form is subject to the terms of the Apache License 2.0 # If a copy of the APL2 was not distributed with this # file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. """ -API Reference -============= -This is the detailled API reference for the confidence calibration framework. This framework can be used to -obtain well-calibrated confidence estimates from biased estimators like Neural Networks. -The API reference contains a detailled description of all available methods and their parameters. For +API Reference of net:cal +======================== +This is the detailed API reference for the net:cal calibration framework. This library can be used to +obtain well-calibrated confidence or uncertainty estimates from biased estimators such as neural networks. +The API reference contains a detailed description of all available methods and their parameters. For miscellaneous examples on how to use these methods, see readme below. Available packages +------------------ .. autosummary:: :toctree: _autosummary @@ -23,11 +24,15 @@ regularization metrics presentation + regression Each calibration method must inherit the base class :class:`AbstractCalibration`. If you want to write your own method and include into the framework, include this class as the base class. +Base class +---------- + .. autosummary:: :toctree: _autosummary_abstract_calibration :template: custom_class.rst @@ -36,10 +41,11 @@ """ -name = 'calibration' -__version__ = '1.2.1' +name = 'netcal' +__version__ = '1.3.0' from .AbstractCalibration import AbstractCalibration from .Decorator import accepts, dimensions, global_accepts, global_dimensions from .Context import manual_seed, redirect -from .Stats import hpdi +from .Stats import hpdi, mv_cauchy_log_density +from .Helper import squeeze_generic, meanvar, cumulative, is_in_quantile, cumulative_moments, density_from_cumulative From bd02b50b10ff4d6a1a49136e4891b66c15715817 Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 10:00:08 +0200 Subject: [PATCH 11/21] Update development artifact in regularization package --- docs/source/conf.py | 42 ++++++++++++++++++++++--------- docs/source/index.rst | 3 ++- netcal/regularization/__init__.py | 1 - 3 files changed, 32 insertions(+), 14 deletions(-) diff --git a/docs/source/conf.py b/docs/source/conf.py index d2634c0..df98123 100644 --- a/docs/source/conf.py +++ b/docs/source/conf.py @@ -1,9 +1,9 @@ -# Copyright (C) 2019-2021 Ruhr West University of Applied Sciences, Bottrop, Germany -# AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany +# Copyright (C) 2019-2022 Ruhr West University of Applied Sciences, Bottrop, Germany +# AND e:fs TechHub GmbH, Gaimersheim, Germany # -# This Source Code Form is subject to the terms of the Mozilla Public -# License, v. 2.0. If a copy of the MPL was not distributed with this -# file, You can obtain one at http://mozilla.org/MPL/2.0/. +# This Source Code Form is subject to the terms of the Apache License 2.0 +# If a copy of the APL2 was not distributed with this +# file, You can obtain one at https://www.apache.org/licenses/LICENSE-2.0.txt. # Configuration file for the Sphinx documentation builder. # # This file only contains a selection of the most common options. For a full @@ -20,15 +20,16 @@ import sys sys.path.insert(0, os.path.abspath('../../')) +from netcal import __version__ + # -- Project information ----------------------------------------------------- -project = 'calibration-framework' -copyright = '2019-2021, Ruhr West University of Applied Sciences, Bottrop, Germany AND Elektronische Fahrwerksysteme GmbH, Gaimersheim Germany' +project = 'netcal' +copyright = '2019-2022, Ruhr West University of Applied Sciences, Bottrop, Germany AND e:fs TechHub GmbH, Gaimersheim, Germany' author = 'Fabian Kueppers' # The full version, including alpha/beta/rc tags -release = '1.2.1' - +release = __version__ # -- General configuration --------------------------------------------------- @@ -45,9 +46,15 @@ # extensions coming with Sphinx (named 'sphinx.ext.*') or your custom # ones. extensions = ['sphinx.ext.autodoc', 'sphinx.ext.coverage', 'sphinx.ext.napoleon', - 'sphinx.ext.autosummary' + 'sphinx.ext.autosummary', 'sphinx.ext.doctest', 'myst_parser' ] +source_suffix = { + '.rst': 'restructuredtext', + '.txt': 'markdown', + '.md': 'markdown', +} + # Add any paths that contain templates here, relative to this directory. templates_path = ['_templates'] @@ -61,10 +68,21 @@ # The theme to use for HTML and HTML Help pages. See the documentation for # a list of builtin themes. -# -html_theme = 'default' + +extensions.append("sphinxjp.themes.basicstrap") +html_theme = 'basicstrap' + +html_title = "net:cal API Reference" +html_short_title = "net:cal API Reference" +html_show_copyright = False +html_show_sphinx = False +html_sidebars = { '**': ['globaltoc.html', 'searchbox.html'] } + # Add any paths that contain custom static files (such as style sheets) here, # relative to this directory. They are copied after the builtin static files, # so a file named "default.css" will overwrite the builtin "default.css". html_static_path = ['_static'] + +html_logo = "img/logo/logo200x200.png" +html_favicon = "img/logo/favicon.ico" \ No newline at end of file diff --git a/docs/source/index.rst b/docs/source/index.rst index ef93093..a57659f 100644 --- a/docs/source/index.rst +++ b/docs/source/index.rst @@ -1,5 +1,6 @@ .. automodule:: netcal -.. include:: ../../README.rst +.. include:: /../../README.md + :parser: myst_parser.sphinx_ diff --git a/netcal/regularization/__init__.py b/netcal/regularization/__init__.py index 6fa628b..a18f154 100644 --- a/netcal/regularization/__init__.py +++ b/netcal/regularization/__init__.py @@ -24,6 +24,5 @@ from .ConfidencePenalty import confidence_penalty from .ConfidencePenalty import ConfidencePenalty -from .ECEPenalty import ECEPenalty from .MMCEPenalty import MMCEPenalty from .DCAPenalty import DCAPenalty From 26601626c963dd8b1af6e85964781e7a7057fa0c Mon Sep 17 00:00:00 2001 From: Fabian Kueppers Date: Tue, 18 Oct 2022 10:10:10 +0200 Subject: [PATCH 12/21] Update package documentation. --- .../netcal.binning.BBQ.doctree | Bin 0 -> 36127 bytes .../netcal.binning.ENIR.doctree | Bin 0 -> 35977 bytes .../netcal.binning.HistogramBinning.doctree | Bin 0 -> 39030 bytes .../netcal.binning.IsotonicRegression.doctree | Bin 0 -> 27512 bytes .../netcal.metrics.ACE.doctree | Bin 0 -> 33778 bytes .../netcal.metrics.ECE.doctree | Bin 0 -> 33903 bytes .../netcal.metrics.ENCE.doctree | Bin 0 -> 27681 bytes .../netcal.metrics.MCE.doctree | Bin 0 -> 33238 bytes .../netcal.metrics.MMCE.doctree | Bin 0 -> 16051 bytes .../netcal.metrics.NLL.doctree | Bin 0 -> 9383 bytes .../netcal.metrics.PICP.doctree | Bin 0 -> 32062 bytes .../netcal.metrics.PinballLoss.doctree | Bin 0 -> 8279 bytes .../netcal.metrics.QCE.doctree | Bin 0 -> 52112 bytes .../netcal.metrics.QuantileLoss.doctree | Bin 0 -> 10361 bytes .../netcal.metrics.UCE.doctree | Bin 0 -> 28015 bytes .../netcal.metrics.confidence.ACE.doctree | Bin 0 -> 34875 bytes .../netcal.metrics.confidence.ECE.doctree | Bin 0 -> 35000 bytes .../netcal.metrics.confidence.MCE.doctree | Bin 0 -> 34335 bytes .../netcal.metrics.confidence.MMCE.doctree | Bin 0 -> 16509 bytes .../netcal.metrics.regression.ENCE.doctree | Bin 0 -> 28799 bytes .../netcal.metrics.regression.NLL.doctree | Bin 0 -> 9782 bytes .../netcal.metrics.regression.PICP.doctree | Bin 0 -> 33180 bytes ...cal.metrics.regression.PinballLoss.doctree | Bin 0 -> 8654 bytes .../netcal.metrics.regression.QCE.doctree | Bin 0 -> 53209 bytes ...al.metrics.regression.QuantileLoss.doctree | Bin 0 -> 10814 bytes .../netcal.metrics.regression.UCE.doctree | Bin 0 -> 29112 bytes .../netcal.metrics.confidence.doctree | Bin 0 -> 64600 bytes .../netcal.metrics.regression.doctree | Bin 0 -> 73559 bytes ...al.presentation.ReliabilityDiagram.doctree | Bin 0 -> 34142 bytes ...netcal.presentation.ReliabilityQCE.doctree | Bin 0 -> 16525 bytes ...presentation.ReliabilityRegression.doctree | Bin 0 -> 14912 bytes .../netcal.regression.GPBeta.doctree | Bin 0 -> 146017 bytes .../netcal.regression.GPCauchy.doctree | Bin 0 -> 146755 bytes .../netcal.regression.GPNormal.doctree | Bin 0 -> 149496 bytes ...tcal.regression.IsotonicRegression.doctree | Bin 0 -> 29192 bytes .../netcal.regression.VarianceScaling.doctree | Bin 0 -> 30530 bytes .../netcal.regression.gp.AbstractGP.doctree | Bin 0 -> 169195 bytes .../netcal.regression.gp.GPBeta.doctree | Bin 0 -> 153235 bytes .../netcal.regression.gp.GPCauchy.doctree | Bin 0 -> 154447 bytes .../netcal.regression.gp.GPNormal.doctree | Bin 0 -> 157188 bytes ...ession.gp.kernel.GaussianRBFKernel.doctree | Bin 0 -> 130888 bytes ...ssion.gp.likelihood.BetaLikelihood.doctree | Bin 0 -> 80373 bytes ...ion.gp.likelihood.CauchyLikelihood.doctree | Bin 0 -> 62672 bytes ...ScaledMultivariateNormalLikelihood.doctree | Bin 0 -> 73774 bytes ....likelihood.ScaledNormalLikelihood.doctree | Bin 0 -> 63155 bytes .../netcal.regression.gp.kernel.doctree | Bin 0 -> 83325 bytes .../netcal.regression.gp.likelihood.doctree | Bin 0 -> 94192 bytes .../netcal.regression.gp.doctree | Bin 0 -> 105326 bytes ...l.regularization.ConfidencePenalty.doctree | Bin 0 -> 95179 bytes .../netcal.regularization.DCAPenalty.doctree | Bin 0 -> 84104 bytes .../netcal.regularization.MMCEPenalty.doctree | Bin 0 -> 87299 bytes ....regularization.confidence_penalty.doctree | Bin 0 -> 17328 bytes ...scaling.AbstractLogisticRegression.doctree | Bin 0 -> 69282 bytes .../netcal.scaling.BetaCalibration.doctree | Bin 0 -> 65225 bytes ...l.scaling.BetaCalibrationDependent.doctree | Bin 0 -> 66161 bytes ...netcal.scaling.LogisticCalibration.doctree | Bin 0 -> 68419 bytes ...aling.LogisticCalibrationDependent.doctree | Bin 0 -> 63824 bytes .../netcal.scaling.TemperatureScaling.doctree | Bin 0 -> 56745 bytes .../_autosummary/netcal.binning.doctree | Bin 0 -> 110488 bytes .../_autosummary/netcal.metrics.doctree | Bin 0 -> 137666 bytes .../_autosummary/netcal.presentation.doctree | Bin 0 -> 118005 bytes .../_autosummary/netcal.regression.doctree | Bin 0 -> 140151 bytes .../netcal.regularization.doctree | Bin 0 -> 160003 bytes .../_autosummary/netcal.scaling.doctree | Bin 0 -> 129808 bytes .../netcal.AbstractCalibration.doctree | Bin 0 -> 25744 bytes docs/build/doctrees/environment.pickle | Bin 0 -> 162829 bytes docs/build/doctrees/index.doctree | Bin 0 -> 371554 bytes docs/build/html/.buildinfo | 2 +- .../netcal.binning.BBQ.html | 492 ++-- .../netcal.binning.ENIR.html | 492 ++-- .../netcal.binning.HistogramBinning.html | 532 ++--- .../netcal.binning.IsotonicRegression.html | 489 ++-- .../netcal.metrics.ACE.html | 495 ++-- .../netcal.metrics.ECE.html | 496 ++-- .../netcal.metrics.ENCE.html | 300 +++ .../netcal.metrics.MCE.html | 493 ++-- .../netcal.metrics.MMCE.html | 375 +-- .../netcal.metrics.NLL.html | 262 +++ .../netcal.metrics.PICP.html | 486 ++-- .../netcal.metrics.PinballLoss.html | 253 ++ .../netcal.metrics.QCE.html | 367 +++ .../netcal.metrics.QuantileLoss.html | 265 +++ .../netcal.metrics.UCE.html | 300 +++ .../netcal.metrics.confidence.ACE.html | 313 +++ .../netcal.metrics.confidence.ECE.html | 313 +++ .../netcal.metrics.confidence.MCE.html | 312 +++ .../netcal.metrics.confidence.MMCE.html | 287 +++ .../netcal.metrics.regression.ENCE.html | 306 +++ .../netcal.metrics.regression.NLL.html | 268 +++ .../netcal.metrics.regression.PICP.html | 313 +++ ...netcal.metrics.regression.PinballLoss.html | 259 +++ .../netcal.metrics.regression.QCE.html | 373 +++ ...etcal.metrics.regression.QuantileLoss.html | 271 +++ .../netcal.metrics.regression.UCE.html | 306 +++ .../netcal.metrics.confidence.html | 266 +++ .../netcal.metrics.regression.html | 281 +++ ...etcal.presentation.ReliabilityDiagram.html | 416 ++-- .../netcal.presentation.ReliabilityQCE.html | 266 +++ ...al.presentation.ReliabilityRegression.html | 258 +++ .../netcal.regression.GPBeta.html | 554 +++++ .../netcal.regression.GPCauchy.html | 552 +++++ .../netcal.regression.GPNormal.html | 559 +++++ .../netcal.regression.IsotonicRegression.html | 316 +++ .../netcal.regression.VarianceScaling.html | 325 +++ .../netcal.regression.gp.AbstractGP.html | 570 +++++ .../netcal.regression.gp.GPBeta.html | 563 +++++ .../netcal.regression.gp.GPCauchy.html | 561 +++++ .../netcal.regression.gp.GPNormal.html | 568 +++++ ...egression.gp.kernel.GaussianRBFKernel.html | 493 ++++ ...gression.gp.likelihood.BetaLikelihood.html | 423 ++++ ...ession.gp.likelihood.CauchyLikelihood.html | 358 +++ ...od.ScaledMultivariateNormalLikelihood.html | 371 +++ ....gp.likelihood.ScaledNormalLikelihood.html | 356 +++ .../netcal.regression.gp.kernel.html | 256 +++ .../netcal.regression.gp.likelihood.html | 270 +++ .../netcal.regression.gp.html | 309 +++ ...tcal.regularization.ConfidencePenalty.html | 1432 +++--------- .../netcal.regularization.DCAPenalty.html | 1439 +++--------- .../netcal.regularization.MMCEPenalty.html | 1449 +++--------- ...cal.regularization.confidence_penalty.html | 322 ++- ...al.scaling.AbstractLogisticRegression.html | 663 ++---- .../netcal.scaling.BetaCalibration.html | 685 ++---- ...tcal.scaling.BetaCalibrationDependent.html | 692 ++---- .../netcal.scaling.LogisticCalibration.html | 698 ++---- ....scaling.LogisticCalibrationDependent.html | 693 ++---- .../netcal.scaling.TemperatureScaling.html | 687 ++---- .../html/_autosummary/netcal.binning.html | 335 ++- .../html/_autosummary/netcal.metrics.html | 420 +++- .../_autosummary/netcal.presentation.html | 334 ++- .../html/_autosummary/netcal.regression.html | 345 +++ .../_autosummary/netcal.regularization.html | 315 ++- .../html/_autosummary/netcal.scaling.html | 328 ++- .../netcal.AbstractCalibration.html | 487 ++-- docs/build/html/_images/logo_long.png | Bin 0 -> 81155 bytes .../netcal.binning.BBQ.rst.txt | 1 - .../netcal.binning.ENIR.rst.txt | 1 - .../netcal.binning.HistogramBinning.rst.txt | 1 - .../netcal.binning.IsotonicRegression.rst.txt | 1 - .../netcal.metrics.ACE.rst.txt | 2 +- .../netcal.metrics.ECE.rst.txt | 2 +- .../netcal.metrics.ENCE.rst.txt | 23 + .../netcal.metrics.MCE.rst.txt | 2 +- .../netcal.metrics.NLL.rst.txt | 18 + .../netcal.metrics.PICP.rst.txt | 3 +- .../netcal.metrics.PinballLoss.rst.txt | 18 + .../netcal.metrics.QCE.rst.txt | 23 + .../netcal.metrics.QuantileLoss.rst.txt | 18 + .../netcal.metrics.UCE.rst.txt | 23 + .../netcal.metrics.confidence.ACE.rst.txt | 23 + .../netcal.metrics.confidence.ECE.rst.txt | 23 + .../netcal.metrics.confidence.MCE.rst.txt | 23 + .../netcal.metrics.confidence.MMCE.rst.txt | 18 + .../netcal.metrics.regression.ENCE.rst.txt | 23 + .../netcal.metrics.regression.NLL.rst.txt | 18 + .../netcal.metrics.regression.PICP.rst.txt | 23 + ...cal.metrics.regression.PinballLoss.rst.txt | 18 + .../netcal.metrics.regression.QCE.rst.txt | 23 + ...al.metrics.regression.QuantileLoss.rst.txt | 18 + .../netcal.metrics.regression.UCE.rst.txt | 23 + .../netcal.metrics.confidence.rst.txt | 23 + .../netcal.metrics.regression.rst.txt | 23 + ...netcal.presentation.ReliabilityQCE.rst.txt | 18 + ...presentation.ReliabilityRegression.rst.txt | 18 + .../netcal.regression.GPBeta.rst.txt | 95 + .../netcal.regression.GPCauchy.rst.txt | 95 + .../netcal.regression.GPNormal.rst.txt | 95 + ...tcal.regression.IsotonicRegression.rst.txt | 25 + .../netcal.regression.VarianceScaling.rst.txt | 25 + .../netcal.regression.gp.AbstractGP.rst.txt | 95 + .../netcal.regression.gp.GPBeta.rst.txt | 95 + .../netcal.regression.gp.GPCauchy.rst.txt | 95 + .../netcal.regression.gp.GPNormal.rst.txt | 95 + ...ession.gp.kernel.GaussianRBFKernel.rst.txt | 87 + ...ssion.gp.likelihood.BetaLikelihood.rst.txt | 38 + ...ion.gp.likelihood.CauchyLikelihood.rst.txt | 38 + ...ScaledMultivariateNormalLikelihood.rst.txt | 40 + ....likelihood.ScaledNormalLikelihood.rst.txt | 38 + .../netcal.regression.gp.kernel.rst.txt | 23 + .../netcal.regression.gp.likelihood.rst.txt | 23 + .../netcal.regression.gp.rst.txt | 23 + ...l.regularization.ConfidencePenalty.rst.txt | 15 + .../netcal.regularization.DCAPenalty.rst.txt | 14 + .../netcal.regularization.MMCEPenalty.rst.txt | 14 + ...scaling.AbstractLogisticRegression.rst.txt | 1 - .../netcal.scaling.BetaCalibration.rst.txt | 1 - ...l.scaling.BetaCalibrationDependent.rst.txt | 1 - ...netcal.scaling.LogisticCalibration.rst.txt | 1 - ...aling.LogisticCalibrationDependent.rst.txt | 1 - .../netcal.scaling.TemperatureScaling.rst.txt | 1 - .../_autosummary/netcal.binning.rst.txt | 11 +- .../_autosummary/netcal.metrics.rst.txt | 11 +- .../_autosummary/netcal.presentation.rst.txt | 11 +- .../_autosummary/netcal.regression.rst.txt | 23 + .../netcal.regularization.rst.txt | 11 +- .../_autosummary/netcal.scaling.rst.txt | 11 +- .../netcal.AbstractCalibration.rst.txt | 3 +- docs/build/html/_sources/index.rst.txt | 3 +- .../_sphinx_javascript_frameworks_compat.js | 134 ++ docs/build/html/_static/basic.css | 306 ++- docs/build/html/_static/classic.css | 266 --- .../css/adjust_theme/_common_adjust.css | 71 + .../css/adjust_theme/bootswatch-amelia.css | 134 ++ .../css/adjust_theme/bootswatch-cerulean.css | 118 + .../css/adjust_theme/bootswatch-cosmo.css | 135 ++ .../css/adjust_theme/bootswatch-cyborg.css | 145 ++ .../css/adjust_theme/bootswatch-darkly.css | 132 ++ .../css/adjust_theme/bootswatch-flatly.css | 126 + .../css/adjust_theme/bootswatch-journal.css | 141 ++ .../css/adjust_theme/bootswatch-lumen.css | 133 ++ .../css/adjust_theme/bootswatch-paper.css | 91 + .../css/adjust_theme/bootswatch-readable.css | 145 ++ .../css/adjust_theme/bootswatch-sandstone.css | 91 + .../css/adjust_theme/bootswatch-simplex.css | 133 ++ .../css/adjust_theme/bootswatch-slate.css | 155 ++ .../css/adjust_theme/bootswatch-solar.css | 155 ++ .../css/adjust_theme/bootswatch-spacelab.css | 144 ++ .../css/adjust_theme/bootswatch-spruce.css | 108 + .../css/adjust_theme/bootswatch-superhero.css | 194 ++ .../css/adjust_theme/bootswatch-united.css | 134 ++ .../css/adjust_theme/bootswatch-yeti.css | 134 ++ .../css/adjust_theme/geo-bootstrap.css | 105 + .../html/_static/css/basicstrap-base.css | 381 +++ docs/build/html/_static/css/basicstrap.css | 91 + .../bootstrap2/bootstrap-responsive.min.css | 9 + .../_static/css/bootstrap2/bootstrap.min.css | 9 + .../css/bootstrap2/bootswatch-amelia.css | 9 + .../css/bootstrap2/bootswatch-cerulean.css | 9 + .../css/bootstrap2/bootswatch-cosmo.css | 9 + .../css/bootstrap2/bootswatch-cyborg.css | 9 + .../css/bootstrap2/bootswatch-flatly.css | 9 + .../css/bootstrap2/bootswatch-journal.css | 9 + .../css/bootstrap2/bootswatch-readable.css | 9 + .../css/bootstrap2/bootswatch-simplex.css | 9 + .../css/bootstrap2/bootswatch-slate.css | 9 + .../css/bootstrap2/bootswatch-spacelab.css | 9 + .../css/bootstrap2/bootswatch-spruce.css | 9 + .../css/bootstrap2/bootswatch-superhero.css | 9 + .../css/bootstrap2/bootswatch-united.css | 9 + .../_static/css/bootstrap2/geo-bootstrap.css | 9 + .../bootstrap3/bootstrap-non-responsive.css | 82 + .../css/bootstrap3/bootstrap-theme.min.css | 5 + .../_static/css/bootstrap3/bootstrap.min.css | 5 + .../css/bootstrap3/bootswatch-amelia.css | 7 + .../css/bootstrap3/bootswatch-cerulean.css | 7 + .../css/bootstrap3/bootswatch-cosmo.css | 7 + .../css/bootstrap3/bootswatch-cyborg.css | 7 + .../css/bootstrap3/bootswatch-darkly.css | 7 + .../css/bootstrap3/bootswatch-flatly.css | 7 + .../css/bootstrap3/bootswatch-journal.css | 7 + .../css/bootstrap3/bootswatch-lumen.css | 7 + .../css/bootstrap3/bootswatch-paper.css | 7 + .../css/bootstrap3/bootswatch-readable.css | 7 + .../css/bootstrap3/bootswatch-sandstone.css | 7 + .../css/bootstrap3/bootswatch-simplex.css | 7 + .../css/bootstrap3/bootswatch-slate.css | 7 + .../css/bootstrap3/bootswatch-solar.css | 11 + .../css/bootstrap3/bootswatch-spacelab.css | 7 + .../css/bootstrap3/bootswatch-superhero.css | 7 + .../css/bootstrap3/bootswatch-united.css | 7 + .../css/bootstrap3/bootswatch-yeti.css | 7 + .../html/_static/css/font-awesome-ie7.min.css | 384 ++++ .../html/_static/css/font-awesome.min.css | 4 + docs/build/html/_static/default.css | 1 - docs/build/html/_static/doctools.js | 377 +-- .../html/_static/documentation_options.js | 9 +- docs/build/html/_static/favicon.ico | Bin 0 -> 2493 bytes docs/build/html/_static/fonts/FontAwesome.otf | Bin 0 -> 93888 bytes .../_static/fonts/fontawesome-webfont.eot | Bin 0 -> 60767 bytes .../_static/fonts/fontawesome-webfont.svg | 565 +++++ .../_static/fonts/fontawesome-webfont.ttf | Bin 0 -> 122092 bytes .../_static/fonts/fontawesome-webfont.woff | Bin 0 -> 71508 bytes .../fonts/glyphicons-halflings-regular.eot | Bin 0 -> 20127 bytes .../fonts/glyphicons-halflings-regular.svg | 288 +++ .../fonts/glyphicons-halflings-regular.ttf | Bin 0 -> 45404 bytes .../fonts/glyphicons-halflings-regular.woff | Bin 0 -> 23424 bytes docs/build/html/_static/img/flames.gif | Bin 0 -> 47162 bytes .../img/glyphicons-halflings-white.png | Bin 0 -> 8777 bytes .../html/_static/img/glyphicons-halflings.png | Bin 0 -> 12799 bytes docs/build/html/_static/img/microfab.gif | Bin 0 -> 18387 bytes docs/build/html/_static/img/progress.gif | Bin 0 -> 1122 bytes docs/build/html/_static/img/rainbow.gif | Bin 0 -> 4224 bytes docs/build/html/_static/img/stars.gif | Bin 0 -> 10863 bytes .../{jquery-3.4.1.js => jquery-3.6.0.js} | 1415 +++++++----- docs/build/html/_static/jquery.js | 4 +- docs/build/html/_static/js/basicstrap.js | 26 + docs/build/html/_static/js/bootstrap2.min.js | 6 + docs/build/html/_static/js/bootstrap3.min.js | 7 + .../_static/js/jquery.cookie-1.4.1.min.js | 2 + .../html/_static/js/jquery.cookie.min.js | 2 + docs/build/html/_static/js/jquery.min.js | 4 + docs/build/html/_static/language_data.js | 106 +- docs/build/html/_static/logo200x200.png | Bin 0 -> 38482 bytes docs/build/html/_static/pygments.css | 35 +- docs/build/html/_static/searchtools.js | 810 ++++--- docs/build/html/_static/sidebar.js | 159 -- docs/build/html/_static/sphinx_highlight.js | 144 ++ docs/build/html/_static/underscore-1.13.1.js | 2042 +++++++++++++++++ docs/build/html/_static/underscore-1.3.1.js | 999 -------- docs/build/html/_static/underscore.js | 37 +- docs/build/html/genindex.html | 1103 +++------ docs/build/html/index.html | 1470 +++++++++--- docs/build/html/objects.inv | Bin 2824 -> 2308 bytes docs/build/html/py-modindex.html | 262 ++- docs/build/html/search.html | 227 +- docs/build/html/searchindex.js | 2 +- 305 files changed, 32351 insertions(+), 13651 deletions(-) create mode 100644 docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.BBQ.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.ENIR.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.HistogramBinning.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ACE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ECE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ENCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.MCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.MMCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.NLL.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.PICP.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.QCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.UCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityDiagram.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPBeta.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPNormal.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regression_gp/netcal.regression.gp.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.ConfidencePenalty.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.MMCEPenalty.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibration.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.doctree create mode 100644 docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.TemperatureScaling.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.binning.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.metrics.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.presentation.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.regression.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.regularization.doctree create mode 100644 docs/build/doctrees/_autosummary/netcal.scaling.doctree create mode 100644 docs/build/doctrees/_autosummary_abstract_calibration/netcal.AbstractCalibration.doctree create mode 100644 docs/build/doctrees/environment.pickle create mode 100644 docs/build/doctrees/index.doctree create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ENCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.NLL.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.UCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.html create mode 100644 docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.html create mode 100644 docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.html create mode 100644 docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPBeta.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPNormal.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.html create mode 100644 docs/build/html/_autosummary/_autosummary_regression_gp/netcal.regression.gp.html create mode 100644 docs/build/html/_autosummary/netcal.regression.html create mode 100644 docs/build/html/_images/logo_long.png create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.ENCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.NLL.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.QCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric/netcal.metrics.UCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression/netcal.regression.GPBeta.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression/netcal.regression.GPNormal.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/_autosummary_regression_gp/netcal.regression.gp.rst.txt create mode 100644 docs/build/html/_sources/_autosummary/netcal.regression.rst.txt create mode 100644 docs/build/html/_static/_sphinx_javascript_frameworks_compat.js delete mode 100644 docs/build/html/_static/classic.css create mode 100644 docs/build/html/_static/css/adjust_theme/_common_adjust.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-amelia.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-cerulean.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-cosmo.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-cyborg.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-darkly.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-flatly.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-journal.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-lumen.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-paper.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-readable.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-sandstone.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-simplex.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-slate.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-solar.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-spacelab.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-spruce.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-superhero.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-united.css create mode 100644 docs/build/html/_static/css/adjust_theme/bootswatch-yeti.css create mode 100644 docs/build/html/_static/css/adjust_theme/geo-bootstrap.css create mode 100644 docs/build/html/_static/css/basicstrap-base.css create mode 100644 docs/build/html/_static/css/basicstrap.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootstrap-responsive.min.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootstrap.min.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-amelia.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-cerulean.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-cosmo.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-cyborg.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-flatly.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-journal.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-readable.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-simplex.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-slate.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-spacelab.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-spruce.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-superhero.css create mode 100644 docs/build/html/_static/css/bootstrap2/bootswatch-united.css create mode 100644 docs/build/html/_static/css/bootstrap2/geo-bootstrap.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootstrap-non-responsive.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootstrap-theme.min.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootstrap.min.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-amelia.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-cerulean.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-cosmo.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-cyborg.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-darkly.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-flatly.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-journal.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-lumen.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-paper.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-readable.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-sandstone.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-simplex.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-slate.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-solar.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-spacelab.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-superhero.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-united.css create mode 100644 docs/build/html/_static/css/bootstrap3/bootswatch-yeti.css create mode 100644 docs/build/html/_static/css/font-awesome-ie7.min.css create mode 100644 docs/build/html/_static/css/font-awesome.min.css delete mode 100644 docs/build/html/_static/default.css create mode 100644 docs/build/html/_static/favicon.ico create mode 100644 docs/build/html/_static/fonts/FontAwesome.otf create mode 100644 docs/build/html/_static/fonts/fontawesome-webfont.eot create mode 100644 docs/build/html/_static/fonts/fontawesome-webfont.svg create mode 100644 docs/build/html/_static/fonts/fontawesome-webfont.ttf create mode 100644 docs/build/html/_static/fonts/fontawesome-webfont.woff create mode 100644 docs/build/html/_static/fonts/glyphicons-halflings-regular.eot create mode 100644 docs/build/html/_static/fonts/glyphicons-halflings-regular.svg create mode 100644 docs/build/html/_static/fonts/glyphicons-halflings-regular.ttf create mode 100644 docs/build/html/_static/fonts/glyphicons-halflings-regular.woff create mode 100644 docs/build/html/_static/img/flames.gif create mode 100644 docs/build/html/_static/img/glyphicons-halflings-white.png create mode 100644 docs/build/html/_static/img/glyphicons-halflings.png create mode 100644 docs/build/html/_static/img/microfab.gif create mode 100644 docs/build/html/_static/img/progress.gif create mode 100644 docs/build/html/_static/img/rainbow.gif create mode 100644 docs/build/html/_static/img/stars.gif rename docs/build/html/_static/{jquery-3.4.1.js => jquery-3.6.0.js} (90%) create mode 100644 docs/build/html/_static/js/basicstrap.js create mode 100644 docs/build/html/_static/js/bootstrap2.min.js create mode 100644 docs/build/html/_static/js/bootstrap3.min.js create mode 100644 docs/build/html/_static/js/jquery.cookie-1.4.1.min.js create mode 100644 docs/build/html/_static/js/jquery.cookie.min.js create mode 100644 docs/build/html/_static/js/jquery.min.js create mode 100644 docs/build/html/_static/logo200x200.png delete mode 100644 docs/build/html/_static/sidebar.js create mode 100644 docs/build/html/_static/sphinx_highlight.js create mode 100644 docs/build/html/_static/underscore-1.13.1.js delete mode 100644 docs/build/html/_static/underscore-1.3.1.js diff --git a/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.BBQ.doctree b/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.BBQ.doctree new file mode 100644 index 0000000000000000000000000000000000000000..bda390d72acf85e172d05cfdeb1f24c4b0eacc23 GIT binary patch literal 36127 zcmeHQ4Uim1b=FC`ztz8NpMNCTV;iGAakpm)%h*?vVo6|GoOKvmqOS1CtJ&STn;Ff{ ztY>C@cM+<{|sfFfRgT!9c0LI@;4C84MQRUwrWRr#S3JA_mM1;ma+ilo3mk%ADC ze6PD_re}6{cK1$a$y8j{?QT!^>({Sef3N#>zn%;I@45ONYuJCm7O$oo_F_S;RBWfB zd5vJG;*{%E&Gs8lHAWwAoNwfVVOL%7oVr`q8o?UmDC>q*aW%Vfx)E%q?7m@n1yO#` z)5^Z#*imu4Umws1PdD=VaM14?zNJZzg6+2EmsP7!GHlzh=L<)Uys<&Kk$L?|ZIQTW zndhwy&f7pu1t)$(-xdrPBi8kG!GPd+I#_QRw$_-gm((Dq`o3$F>ONXZEn8<)JZi;Y z*-||ZiTK`ct5yDOs8X-RKT2x(tgFpYo_a9otMl}zp>NT5=o|H&`Z|4A@c2a4_9w~{ zr##K|CQco>3 z)_upTSF5VKl=x8;f|_WSTfy}pha0EX)=T=Dpx>}7+M*f{qk15)tb=4{w zwy(L5sg^gXlpM#xmjPOUeXddS@m_&Rj|h2{Slu z+&I<8RBR*fBVZa0(GbV<{$NW|e+!}5n$lw-I_-s+4>mwq#~}w+Pq2xqW!=brYqIEc zQ$I^`s>X8CEeux9@GxUI&FwlgEaZ@VkGXn0i>o2xinBCCgxhoTOD(zC&bR@vLV6fZ zmH}Lmgm~^UjzckALac~*l=<6{!CzFK^%Y@FF)j7Y$>L!Lq?6;m_)z=42>R^iVfH}? z{b{DBS2IBq6Ey<0dJ~}ZO@`IuTU_I(vudn0*Z4_M<4JDNF%a4y#-Fq&teHr8i2i&6I(P*c*rESh3$QTDO#a>AMcCku(tJF-X_?ae z-%xPvAmUw_#LW$O+@uP?h_0FcU?%<6Fd>MWH==CB|9YCshogr7haXS0d71`a`dnZR*AyULdgIF^|Fy8@1GrTM<>re#XABXIn7Ch_*b(Jk|Tm`T44 zaB$*10mq+a*0UVo;7oK49Gx@18%q%3WedGWQlSGXId$RHhDV_hWUj9&zaDwc~z z&C(RU+Mhgg9~@l{xT%Ud&*Ti-^HsZy%nR_`D-~mIPNVGxMXfq@+xN&B2}h-;sCGpu zJJlNPEGVk7pc(VJ4-VkMr#z}<2`)Va&2UOS+!uTB(D|+0a^$sI{gyFhK{v{}0wF|=24Np1kbmB=RZFR<@D_~akfmIA ziFs>Df%6)yu{E();aEH_ zX0C6qMC+$1S}{h_PR?Ge`qP^l{iwmHzzbwl_Q6vGFEZ2G;Ev^Nu#ltM{0Z@}!=z>f zL-2q*)?-?w!Th)*fznCUq{cJ}CR*VJ*SFP3E|%e75StY60a=pV%xl(xGuk>E3AUzH zS*rJX%EtDq_|`%!M2;TonZJ&^*5C>o=dQ2>f{+}pB{DnAtMJj}9FtAu0D1soZ^Uiz)B{Vzl$W^B;)-0oJ_;A%xh6UBNlU_T9MbhFMP$fJ4n%hq(^$fP?F6Z8a zP#a+5Nbv7hFt$8*;RA#&&t3T7CBm0@LYh{3$$F)RF6r3!Xsqor?{|b|Fzve5GfJ}Yz%q)Fim-XCh&tnU4_FR6kc>9>LRJ?t3Ou_fP^nEYB z7YYSs_WT)a4-y>ZRHdT&s^WnV!+XO9pz}0Ac<~H_`gs@dUr~Iw4y$0PCC&1}s+W{m zAn@!t)VG&N1N|+{o<}}GV){%WC$V}WtX)wR*k#S)Rfq6j0e*{pn5c?bUG>k+0_1(Q zRRvRLa%7GyNgPz57PXVvhZd&B%Q<$)r6fVt2F{vj0(gdL?Z6m8AvauFY__Uo7ZnZ0 zRC8gh87F%V8)sGHtfm~d=NuP3hi&oPQI`M?-<15}<3~sLDD%c+Fzux!u~Zrf){_t= zTzf5PiG*u(f`HUOg2>>`<>^Ogj0%!ey3i|$x#<*hNzj!y3Q6zpr`$VCY7qmATf0zD zsj{>r%o89K4wYayQsuB&eT!1zGb`fs`nJPEsv?`e5y4+-Acf3sPNqv_-4$`ZK^mzN z(QIBrSx%n`+3TB@3jgwoI2zzMA<^rOnG-QHC#1sfT@f>TgbFI1QA(;ao8ha&(J13t zD9DX6%1I4?dqvpOw2EkFC8XN2*}f`dJGRIX>l-9El?Z-gMeOHj9CK?W(adHt9L8-%&WkHz zXiLggcFonYhR53VNh{c!pTf`cSWL?P69SF)`9p zyRW9)l7StLrx)>DHLWwf%vFaHb5%$rNBUnZSx)(^EE5Hj8_Xoe_bK-)c}0diWmI{U zvTrIBN9T;3anyS|8t0|YE67W-Xc^4cWCM1+TGHIcbkNVHviLG!I}7m2G%kw0Z?ixG zi)P|m6Rk_k#Dm)%m(S`VUxGBPQ=(~IiwWJJC@J;okyNjm*B~L9$tZg|)Da5r#_W7j zg|AOlm_2-i8WERlp4L*0(rxHPjjm1#dO~jfD{<~ILv>~?XFfkY8Yxh>*&{V7p|aIg zqmg9mINI9EI0vPg6$^YSwi z4TZ+44~3n{9!U&^d$5l7gi(eQ7d~+;oa^M@hASCPj&j|CpI8Ye=5T$pm9v{14DdOv zoKUQOAMHucla8F5lZ{QN-vhP$3FR${G&6+WkZ&7pt-(UZ(@5kxp^PFsGN?6VSyX1> zH_R*J0LF=Z;!&hdm!5E>9)Gmz>TzpQVhQ#5&?!2r&%jW#O3p&K9Rh)QIP<1BaAC3e zu-L>%4=Cpzh&+O!O_G!1W_+usW_*Kk?=ZhcAAC2DY*NHU$*C+gaf!zpO4u&c{MPNG zRt!_ii}2=En~EoAjzRL^wUWnSVv5{g=Qif@uUifuM^LC+ahns!%tV;lS8FBiW5{d1 z8h<)T854@WQAwOl3W=B|<+%$_$s%u&r`movKX>8%Fy+r(c)E)rjl3AtEN|wpj>Vql zrHcvl4)ed*V9Xx3KcujOReZgmAe)GCi}E2@Qt`02>eJx_%n(@RI1Q1b z9NZ5;{xeX)!3d8c{@6qSb#ObLH`hWn!uAABN7n@eHl@d6e+$ZYKk5VqE}~Ei45Vb4 zRvH77!%{j-j@=`6vOH$%-6>MpT`a)hos6yaSrgmcy$r&qK)AyoJNhvi;n0YX9tN$@UAEShmkDr*+-PHZ&M~;D-WErN&ZzemQ)6Yqg~O zLbp;*n-P*sVobL%BQ5gOFApZh;!pF`l{u+*5I=1O_he3H?!`ffD5xN`C6NVT<{&g7 zl5OAz9aPsJ3Ilrndj^>!B&C_w*Ov&3t zVM4}~hwUOeLZo@8vAvM!rtE4}gm5q7T$@%gSirYfzj_)LoH*A;59h!mBE@kWQ1x-( zLG}C`B}=!73YYDSIbHX9!CtrNp{$!$4Ap+gk|g zU}57%P^g8CqvXVR$i(AJ8#j?6mCe?5G!S=~V~nl#S(k0&_JVK+8^=Y`rHwnboYo1U zXUY_T_iPC|$!Aj`5T}#l?w?r>C#P0R&TsBk&S@lW(!3T(+?;2IBCV1$PkESQo<4(F z`sF~F)>U6_l!?_QEz7Pf$Wsr$Z|k$u>#M(!zzURvZv>;XX3vtBz4= zjpP~OGXmK&a>RZ1uAYXvK>D|{KErTJdUPoH5+VIZQl#3$H|d8!`VTX<+Gkxh(ti|$ zJ0Lw5Nta0fh2^wP2t5<&Pp1XxO37RcV(-d?9e$)wkn(I54oT1MdoK~ z4_id_yF4rHZDieVL|OllXZ>myRKLQrhG)|CUE;1LTyNplOD=92k)m314~DTWUO0o4 zlVZ`{Gnh03*)2Onx#M&3@fn>1Z1ZL)47HJ1nW3vRrd7?bjWOkfs#gr<0rhM}t*Z8z za?I7{9d}7N>d+-4W9&HZ3Bz(c{}JqU}ElVWM4VcA**8i?I>M zC0f{~raYxEmxswZsL|Pi3Mp&1w96o&bIBK*-Fpz>%--lhF?rJfx&^wO! zG0QUMDNbli*?0Ti{e|3_W0*YfyV8)Gt`boW=)Pa`CMPBq78VMssu~5you9z9Q4=&r zSS-}^+5}a^{_Nd9!Q!HD>Dq#AIcjC%?mO>%&BWbz@4xHNnPM@=7k}8j5=Ww>jzmO~ zz^+7W(wlnfwv)Wu9>7OBl;Otz@0||4BRXd!__LL1G2&cSsK*GAS*a#VJ1CWu3en~% z1w%DO$Q4&v{X+%c)-=i_ZtWDe?Qtqt&x7t-kONX`b9L8f1jjDX@MS@I79UULHM}&@?59WOM%s>~_%<>i(^PkKRFVjW2EyEoEEFkd z{sQtun<#@PSo~^a7NXy=O?U^K4n6g^L6=*+z+t zRi zPzEF7)>B;7Sdbn!f^E{TA|#c#t90fOM4aXDUlG?#8h){ue>iz!q3IGz7GQRIG?#;I z!|{Q78FzLSa#+Y}s+*@|`XWx*#L-m9F=zPs83d^z&yhMVTU8M492r>(iee{oc*dgd zsO3v<#06`MRluHFaK~w(`r&he9OAHPT%+XuNEOYPbDb)-4-pfKwY`foM3s8Ah6*XEx!^;zZOKm= zg`w8uaAuxlR(!X|h(*Ud`1wdMh5tPj(8$?jH6h9z2cA5tENvMb*e-
m53fO8pbnvBUfameu?kK0-y~12{Q$Hp+%6ob@FW<4MT1 z#7SFCOvkWt_OIl=yc+GvIzrVX&g}mBdoKBBx#YjvB>8;D-iQ%}%@Eqc7<(!(tQnUI z5iWH_r3E4#qK@W>gd0^cMUiy)o=hd^1&$7M5IyI#eaW z&eNIw-wW)#r-S4(VCT0`bj7f9LmSwk_Pz{2=iN+v0G$E8K$ZH49`y`7pP@n=c;3lK zXOC<#y?Hy!+7WnmW-XpW^vTW?L(pHOnwQP!l@CE*>Q&sU4M8Vl?1;S@Szr|B3SsGC z228EiYll`wz6D&pNE*T6Y7>TU%#1WBevqj(y#UvDJM>ouaQ!!mt{Avp(H^*@mcI-j z>^n@5fUu#^VJ7t#J?t68HV;Q2_U#V6B+Z`wg=OssVmIBJ?aT{ttYf|y%5EWke~wmi zH=#XUuH?ATR~yRijj$$mw6?{uIEz@*F^_CZpVM8-rP~6%j*}8_^pf1c(omSn)RJDH z>sW{W$$+j?D7s?ky15N>#gczHOuddWDKgv=K6|ON=%GBMvo&0-`sS$+pM2fJh-c4f z#N_KB%i0mQZaLO*KOuy!ZnDPcbuQJ^Y^JaLiP&PVqR;Nzm9GV3^oqB8+M-vSg`-!v zE!1Lh7^7EQs4KcH(Carz2?Tn@)T9CNkxVV=1-*WwL;qx;*C$bQ)zC|7_RC<_^#LYD zpjR&5Ih4AK9`}r2U!+1Dzn*5~v!OuX*Lzvkj`(%+{hf9-L-^_uOD>iBx%+7J(jg2dYyV`HI7z zQ1_rcU9M1h2d_3t-WRPTG8+TbROV ze2h+G@h6~ zD#DHlr{B(Mewx$xy%sd&V|wA`&L8L5!!QK|FL3GMsC;{-iP!JY+gQXKzrr_wrOV{` z?PKEA+=nZX`2zZU8K?SJz9w2W^K1a^Xcl8^u?CJosX;#ddI< zn%*+zi6latLu}mc&^LyGd2wTc?R-aITm+;)=RAZY;0PSO zvdk;sXg#$NZ?hVB6TReGx?FwBbTEwgIPq3+{J_b7oGQmHUbxJA1Fr@*G}>qJGbeu5 zT?@Z9(VN^#YWXZZ#XH^zi=-EH#ZRXCf=wRYC5KDGii;F&fOlTu21MUAYKSGNR!R7v zw}Yo>mc~+wbd*25|And(1uWI`&;YdD)!3W4E!^s2VF&~{UBz3x#n1j=o3@CZbu`7V zdvR)iMJv_kQG7GK8VZ7<+Zi>riWD-oWsUf5JQ-|eS5FiXIq1-<=<(*dx<5C5*EoAY z-p=I1qUO4eTh#IH91FLhqu0X0wH~yJ6~iO!LPPMzJK}OM91Z$dun~>H z>+fv#Dj+=DB(fE0bHQtzZUiIr4V8Er;zS)AeM8hL=<*G&x)A+@if*GJ1KFo5 z9J4yHb$772rq$xt&oND;l#&YGX=DV~h4E-e_6oHnykgL15v7gb8p_ESK+YmAHbwXN z=#C+zkKcCt9gyc{cdncwPbo3^SBB&%Mu$}PtmYOB&7Wg+V9ZbGe$|?Q#scFpig2M{ zV`?ba1)Z!G!=T={2842vhFlD`dP}yiE*5pXXbCa1I`nrvS&Bxm(W~M$j>Sjoc+-^! zL0!du^Pfe$mp~Pw-Bs2RAX7%i^YI2LGZCWnSp=S3glagrkI9GpISyQe_Bdq&FK>#0 zVLL&ES1+aV;f;n+UfQ@|qj5chB+R!INQJ!RLcjX zf(CB(@fznF!S+NdMK!TxP@9W>AnxyU!=zUbsvetC8x@vmkaF{0e}S zMGn@3Vah?4jPmn57uoYC>-x=wP@~{+dxSYcCVH`nSswG4MCbC|gN{n(3%h?!jYA_tu&1%`6s0Fa?`eY}r zNmCS0)&w~qQJLPQNszk%^B{|NFD&2SQIY->wfGUVcxtWp*2aSvT?paAI7Kgc&?jDT j1WbwK4N)>vi4BHbw(1p9!Fhs_T!pYxzzo^*da3Y#5;Znx literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.ENIR.doctree b/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.ENIR.doctree new file mode 100644 index 0000000000000000000000000000000000000000..42b87c2880c939e350d44fe607d468cfe948db2e GIT binary patch literal 35977 zcmeHQeUKbSb=Svz?&(|B0hT3?E$rJ9_o0)GWFL}jNyv^O>u}kUInasG?C#vnjCN<% zGqchiLLeXziwqD-OE8u2Q6Z!%q$;FBDn&vPNCi@)3S4}oDkP*5FoB{Hk~sX6O67z6 zUU$z-&+P8(?w!uIs-lv#yFJ~nU%!6u*FCTMbzkfK@Y{nm>`$=Ss~V=gIH8qFwo}r* zdN5FOinWSv`}G_3(RbFb*7L!jt6lb-np@QC!5ZW!8fLlV>URBnJ=jFqeY5OMi1PiO zUi3}Jj*1(-MxW7tzMeM*gI?eC%ewR^*lz27Q7carOxrf?g^3e0C!eTOcI56kqc0L0 z%`?5H&bjNWYT(7M8(V`xHDcaaAM^>HXM&!xY3ucwT0skPn(w=2q2{Bl)VB3z$)k4k z7t5OGAraquZLPw;4U}rt_(wr2UUc<&%2NyaeQkjr)s4-@PGf^{hq2z+6})S*V*8WD z$+MpBdXs05-T&Z$$tU!x_MjnBIvbJ=k(PJ(-Hl5;(& zYBk^SYL$xSE+u}bLR6DYBsbxD5XA0N>uLpKP0(xFC4EtnHtz`IPBh%O3nJcwfA`?u z2>y+d5Fkh55)I5leCQ8!Rm6;;Jx1S*U)O5JYmD(&J~PH{^a5Dx zfvy!BILqV7CVHZJCWPzP+=Q;YjTp&$MaR|E`I^ntY+CVrS2?VV96Nb@WK4OwW)?51 zrfvGuO2Ki;cyh+A>0?Ss_qkq1>5ph-4-ZI2RUQA?zFKvif>togrVk+`GmbK)BnCG# z1~uDueAa(bD}w#!4(;)wwA0E66W7R*G38L$Al0jCMSWU{vM3`*jzIFvHim;|*4!Np2> znzaKsP<3^v`6azhWly5)31J0GE3yKvUz4GlQ>RZ@RXkfDZvj@_r$ zG7a0ny9u~PMjB$7(Hm?|>hDA-xrX#uj!tVi=7S;V>NrHf>IpVdwX7%EZ(Ww2VHp=m zRFzm%Mj6)186IQ|r@8Hk0dY9sKVrV#nZ?%t@x_@MAkwY*c}G)zwlRJHu8^OvyJZv5 zB8l z4-@4auL(8~tioQ^MGTr!|A!O!4Oiss$Mkb&0_s}FbF`YIHekmZ<~^UK)|*%&B1tv%=McP-q$gA zNTT9r8l(|+Yg-||kkQcALS7SWjkLw7>XS5iPSs4NEyjCmw>LsmQ)02$~wtKZ| z)p32*!*t4jy5`XI?>aiy+C@~EIkq14LfrlcGTwl?KO3q0D_YDqSR?Y1UF717VFTr) zxRnoPw$f;-b=GT92z-4u;;T7qSdV5C|3ZUG12;nA?X=oDn@zl_Vu!?I0O_Gw8yC^H z!sbMP!5_xLTF9=l1!x%Gj}gQ8K>{my1sPyr{J04^SVboPP5>foa9e40?hKni%8fkDJ5>(mowYe0tUW>LY=_Cx3Y;hhXFynt>S(!n|O1@6~vbb z13%5K@axCf*!41o5`O zaWR{CbKnrfmkAtKv#Wg3fMbctza!x2RGJ^jZd#@^+XBa@Gl{nbj!v2XTqgY%z`==k z1ss2tSedfQK<|EU9iDYc6?y2T__(o)^8@}KruR$W z2VVKv8*0(9eR%;vUI7>+kIjOsRSoIgb@n<&&J(t$R|;jF+6Xl2XuhTY*0pu6Mnp6qb~8 zQ|DDG0GFjGt{|gxSs5pvHnHq#p0D^09Lkzq(%e#xI{~IIgp9;|TnH;2S2X34>6Dq{ zhB)^PA`joNV=pP-8XimLr}ie4v*b``8TNvII3n~??s2^Bj2|soa17i2_*0CM<9f=` z@&eWie50b|D~}(2>ged+F_erOTc}|PMycR^*Q`QhE#<`pl|zG+%euK>_#QD(A%SR0 zQFncKQ55FyQbLb9cZlYV;XqyGE|I(x|DLi$tp049cN`yr)K$1{bof`X{3Lk`dZge$MC-p&v|?PP)t)K12GZ*uy{N$~!Bu3I_QRb7Pczf>;I+$Igdumh^`FGVPK(+V z3_uT@@+G}gXRhAiV6sa^lp5C{sOT*@*qNcPTu_5SKh`$jIx0(&w05iqtF+=a9BgY; zb*b)GQAW1T#n&Wa!EzMpVU9lTlY%zzZ}pC?Q?(kfG4r|Feyw+y^~j1NWG3w zZfD=?YTfhUsU&vDNE|U(J=+zr|A0>zE4a{D05dYU>TGUHK!>h z&DRtUgf3&0!3bEb`8-V!Uc8{tpt0aOHGKGP4Y|r%0i$kM^^!7&v19HE>YF0c82rk* zy?}gz#LR_>oW$zsuy#e`12C@|L!^mDV33a1a-u5c49&kXhXKpinpJS>0vp)Mk~pY9 zHEJgtY%#P0+-dkw!n(X1rV@=3WNlz0X7~_1W29`u7z6XvAgWYouvK&jS9dWP;lut> z^P*;6)RmL=yyK$Ln9<~pW0==nHn%x?^7!apWx>3JsY_vr*$xfEJtRcQ9A;DIKszN! z4P-f2;bn62*VKtZL-(vq+=5DHBt7>rao zY}VREsj$ByPG8m1JfteJ`5PAer3@)#c2hE4BKzJIaXutjszfxK*HD%-7ee;d&Pauy zT@gop9491toiTGdX6Ce1_%kbFX0K2|r9DbXb!IbsTWF0ko`r(kAfuc_@{d>4j3&J- z49zPvH1)IbwZCf>Vj$Pglf#j_jC^Ruau@CPOoBVL3fLfa8uQT50g!oEj@T=4x5y zF}xyPM>`(0vs&>GIxre;?%CVP@E&UOo(?igRp+~Et(XFnF0f&BFrHMzGt{)EbTdO8 zNX$?%0m+fptA(;tyeLmY6ijI_?-<{&Jf`Fo8R(Qztbc!dYHr;&A+!KT9=rA2m2hC&*hG3 zOS)%jwmg|rqRCv7X$J2vu9^Qjfl(EYLsq6 zH)?cSQqV_HQDjc{Vnb(!>dcj$h5XEDq(Gf!kJQLVWvi=3!^zgkuW`W<_Sz+e4A=%U z4TZnzC|5`E^2Ho=3R*c{#w$bFG#vOi8{Q3i86ByI-<#^;l#C4+SbU8ME(OQ z^4SU`MhN1GDbStmniZo{x*gr9)$K{aC)Da%WAo_62pg@{E9T*;t8bZ6mfmtDZ;oD7 z6sBWh*1^+M8Nz^Ix%||)$Ue%mPr;v@RfKz2@mBZJGZLA?Z?3v2+>z{&geg3HhWX@~ z6WUXXKvcXg*T`!RUp!nJ#TvZpx)M&u;m~LA%Wl#bAkmc*iq-G)UFmt!eREf`u?h8i zyqZ6)yiJkjgU}mVra)V(7$M`yBXXTqMv)yEv?{VJDsymd=9O^(v$_p*YT++E)hCG0J zv;YF%i=t~qLrk89#yJIA3&D~M96mOAXUgVV*=F-gaNuC2NaT*yk1K4{0WW(#W99zN z3Y2>!(N#3_!#Y;Eq^7oqi!FPI_+gKwIU#>S!9b#9di!wz7mi7CQrwK6cGZj* zDECh5U+9A`UDB8oaZzweOATD&@lXM4qq^U`ebkCUYPkv@UZtUUa^@H$x0Ne-tPN6J z3fr}MnC*QXRmR6D1$vnBCwkMlaUSC`t%S3^amkH19?d){A7*IFHz0=x^4>mbir{txH1|`d{qDHjNB~)uo zuq9-@*>Xj^5k0-n+!{-f&Yr{UHw81A&@IvZA= zN{#t=<8t^ogF=~$gHjNHbrhMI2vduH&BXmCwUW}0;@_B1aYOrUpK8`_AS)~a&I1H0{KS*;;_ zgu2KrGl_b&c;ma0r@h@VJq59!Y>}#p`C`d*vGt|AG|C6%ymgzzTp;ha7f>cA#gh8~HLzpD5is^XCJrb~ z62>T5rj>@Vq-9B)-?8k&cEZPOeJVw&H5O4X348t|W2<#m8MeBzqfdiy8$046Nw%;h zT76+TtrJ4eL@R7b;v=lQl{}dk%lK={;o>h>OUBQ2D&sU(HE3NEtZI_yiB&MfShnd3 zI|8I%Y$MyQ0crLTETBhw@Kca9t+0*843tjJ^B?@(fiIA2uB$C6BeNq4c4GOi&X%p= zsbTxD_;we0A%Pdld(OOH(H2K@%va+XT2)u_w(4mWY~Aw4lykPqcFO49dAOxfFKKEg z)oKWFUc@Fhy(IRS@i!n($14lak{-^3M?_J3N?!A^JdYi2IZBpRJ1RBodczwx3+A=` zQ9+{_mnf-*1i>nwLnc913T6-(E2YG`u)Z$|i>(2QI#@vL&zLSWKrAKSB#3=wS8VO2 zig#K&P-s=ADz}4h8;Ip1=@4S~EvI!t=$R0UP+SJF!hFIRVLCbP{-ev`jGJnyAInC4Z#)F>0HOIoupGlAScjLB+)!-bP#F5tX65+s2{sPU_AI!$;^839vJ~%SVuZ+_mE&}1 zMl6j@60@{m%p6}1+m)2ZcJYd1mYO4ZMzo1Q_KX~HpDlJ}>H_I~X6g+{Psuk4>EE9s zl|29nq<BHQ$E8M@n2gKI43e^?GDf45q4{(h%&PLHAuR^4P2ZIb84%MnN8&Pj9J z(OC6#o6c!?+sUTd%O|MoIv4@h@T}w=&pQ8y82D%INdGa*+8PWg>yLQWa4)m5OPpnd z;~(5w0g*AXyE*qn80HcC{iUQ>w4?pWVIZ4_5y~C!r;c}dypFm52f`>5iIv%VF+-ct zbVL)4DW^4~WGatq7fV`2v&Y!B&qrMy;WwJJJaOWLGIanOt4|`X%Eh@@ zY;u9BZ4novU_0~cX+!sEu#9^0Cy&4W^ymaDIi?ViiQI)pF`M9Liy=Fmy`da3e81{V zPfnV;POej&t2IGiCmeSHY2|~H2Oqfa;J*F$vCjvl?wj042@f3DH&HFkAGx5aIsOia zWe~BqMhehDOpbuCM0CzWUG?5!-g^(?BfS&;p8xNp&N@l-(QxorUF!7n*M4mkwEFpL zAG?`)ExG7Vr&Nnp=O`qoA$IKSsu)A4?pqryP2%y5DIQycSJ1LN7HukBIfO@8(q3Q>iRnCumsqM?|_)yAu{$fTG)%Haqx3WnAyUjAH3*Q->B z>|2Tnq8E7{C>)}Pl8+%(v}4|NDvGBeDirVdE_S1oYLzM~ zq@>1zPa;(mG$A65qM6`$W*%i$e8gkKq9|Uz(++NG{Pi?oAafJ&nh>0gtuqLp&cVYF zwr=lU-b`@$B>5e%VMb~ri);odxrvda^0O#(bRKgP!J;(tA*rHV7+g&3gnPRn+Ni4_ z1#IL&5Sm9$3Y>)}=1xeLeAQ9>me_Se2g;`OPS_=8m_Eg>Ri$Yie?)sW`eD#r+VcR4 zTsBLHvO1L`D9=NKjYLV)4i z`ML0v)X0et99UkZY%H~2i7_A)tMwd7oQEk7gxpC3>o@3eOW4m_dq9hC%;-aCGQ^NP zB7u5B1SWrt^=Zby+&VD%Z&6eVOkPjbBzGn}BZVb5?DMb=5|eke?G$$4Dn%r}Oot5? z!TMDuM!fCs=>Ynrj-+yON5+$jblg7mnV6FNgbMM<*{`sATX!Fo`g6*@)A|z2YJC|W zp_*~)O&ZPyc~}Z(dCA0h`mtsp$$mB?oc)(|KmJd*^33kAKjotT0vG)k8$_RP+Z{2a zun9s2h_UAa!5X1yUj$7Z(rE%pBh=d*lyLSaW+{>)k7jB@H;8l(C}l1&wnn7;P;|wJ zw7VrD@ixPx*Z~PIXE?fx$&l6*^76JWO70qMPEa9^HoFs#__qHU=Gxumi6k83=@@9DimpM_Ot!KN{9Y(7`yq<17{cz& zf-tG=w*r`bo5>PjHW2#Jq%Na}UBlUbP$3Ry-(bYEF+#xE*ICxKaCYY-**?Ay(AwsU zA#G?d*~n~mZvjXfK!dVgFr;^8F7?%hw4aL*Cw9PQ;8~nWyzMbxZBvKT^ztb;L9zX$ z2^_^FSFvOd_h+g~HxRb3O&?`I*bx+6F@)`D31PAHZ;8p+7!xGJFX7Uc`imZRjbD#b zA&y_8jCeL62>iO2Wo?UJcR$*8xgmtGPO`=*R!TKBo9SBs#k6i^|Kg!oyd0E)VsR#p zV&TG3lh?)=#o|I8Qf`7`zeJiKP%Ne=S;hM^RizsgyWXacGEnRzD7uO$CN=z4n1#KE z2@)ulix(KB9;3%ymX;0VtDQx_-}7wV956BPSL(gcBGF+Is9ew3*y-Jsa>ZTct!#a=+s zRYWnV;kN>c{XG+8OBAEWU8C5#T!doZZPQQEd(C%P*0v~i_Q}=Qi4h{-Dp8Noa+qY( za+N%NJnJohmfO*w4&PjP53e>_{(SU)8E>x1!n9}yj(Bt3J0~{cWX}4!rriWD50fs0 zcp0%F;pIb_%F+#9zOGF#W#HvW6kSccj2nI{;N?LkNQRfuhApYb=&@|x*~-q%+d4;u z_^j`KMm~EAC1!n7ENff5yr-khWFh`_m^;QZC)MC=)^7nkD|g!i*=MXj+RV~@WvzhAA4T9C%^h*YU{W^-S7{Tst>3xga zeJcRiFEcp;z}92esMJ%G-ZgUlJ{97~^?pV-+x!J`y^m#Wi(K|gv7>c3c(JREvGl8{ zF31+97(6~i+qrlbe5Kni=mNU3v;HC9Q^q&rw$2*#(7xaLsdY5%|2Qx6tN2LIAA=pz z&UPFph)XTlF5~o_sMbe0jSn}WAy1{lQ-*Kw>|uxl0w1{au*<$R)5PmP(Pbdwo~`iS zt#p|@KfXuYfStH>C+G_=&S58I^sa%lH@4h$?ZV_mwlWI+dgJix7Pj1gmNgH6Sni|8NR`|Q+Q+#fX)YzR}>?b9>C z0A|uYIP(zCfGsRITMGAzVQ)UQ5;sEiJw>-kOBdm6o(TpQbX#1%jUNadz_xUpA`+!iA@PIWPM)Hdb(W%1EI@dW3{@uzlr_&o1JH6;XIEgCaXd^JMiAr-4cBFh zpS{6WeG$v>Xo_F+;?&-fUZ^dg_$Ina34)@70(Gr|6dG}hI`Lh9CfLLdyHRn?3a&P@ zaT(oU&7U8CV4Ph{cSrJ}s=Kb^ss=8YDdS*n^cuS*tsZRVF#r;kUPh%J>`FaJk+2>l zP2R-m#yo_j??^sK6%Mvg8$1ZgfQZUyQ$5&N*6f9vwxC1eCH!8emXQ`VDivTz|%~y znWaSIdYn}C^jgVL7b~PsTM)8|%k8iMp9O`ol1xjAxC7nvOvHK+EwyBNgkER}?!h50 z`$KCm#)1uK3@+f|F{OC6QDjqT?ZK;`uLr~Q4V8GfEDmv}=o_L|LYEJ@+U4jcRCFtu z6f_5LX}|<3*qe2F%Sf=Ps#oJH+?Xa(N zVAw`b;nfPMe7I8y%1dh+%o=+bBtd6z6n+UNyaW~uU8if(b`+88qN-Okv#e^R5(Ocn z>z@g>5@qUgPcP4NOuHVe*X>Jn3Jb%fb_6HvVEru^Fxc692m^Dm8q5@DE0}_6`G8c= zz$pe^{c1hfmPn^hNXB5J+~GvTT11JMn~k_yj>TV- zLNKN_l9h+0c*Erso)2~eb*U5(N0`WZTPiWiJt${mylKH;SU0O>TcQ@gw(HY4u_H}U zJXsUufJ8;y=0#l=3}Gfz=G}{tum8A6zdM3?M)+(b*&Im9Xm)q@W=6X+ z>zP^Ior!}S10}&gLU{o@*g&cX5FnU>R0t3t3FN0p5kd$dsZd2QB&4V$R47P62vzxB z_x$wC&d&ba$>Io5*6s9kzkdDR>+ki?>z?yNZ$10y2KGO1+^K82xm-}nWz#CFPSYDL zTct)#HQnYT&54Ja4>t4On5`^1R>Ll-O>YBolr+6swpFuvy6J7B?5MB?nKa z%fwRW0MaXhW)n8dxKToRGagSqT=Ng*R}Ox!-Wi}&71VH zL+u+WRTalUB7P59vPiF*+PJn`+oD~iZPNC5Z=SB1 z?sRGTUPrZ^>3eUz{=kjX$JDyz=&oh!sx!T)yIP|-1ySflTOk2XRUid*$+FK*gL`M1 zb3H994cBrSwVGnD#2#c{gwq`)TCg1m8_oby?5|SC)1SgrGeKqJJL# zdjbC2i~lA_Ado3>jK=06O6Uv<^{z|mP0BODNxCV;`I+cKh1&4E+f*9b3$>|8hV$Ch z&=go6gq@aJIL_nEHhLpFIuzhG?3kUsH_2cg;&SGsUvpRLWOw(P5cx^nbSJ~4J6+XQ zidB_TPoI`EDT--YF0%%qz25A}gU@r(9p=D0DJ+Z1j#jSEW=rl?5 zDAZTxsN2ET%|*$oB&@gvr&W^+m+*Ls|Te62F|; zQL3^%pRY;fb0^~yFb}z+KUU#7MDaF%7JIng5d*9WnHL#)Bhau=NZ2;)A?FnmVQsIXh^3IU#v)f8K6!I1VZy6G z68-5I2$rpyqMJ=`V|@h<771`laH^ZEqS3_Y3(tzZsJcyWi|DPI-e$aV>S{@^=%waG zZw#1Kv&s!}$lK!BLO8lI$FYB&dj6Lo+%G~3Pli$$I2mf~q|lDyTM=y2oA zzMv8GGxVdzM>4CSabHDgR9zYKlZF~^k#~jDsMjsql^x6<-TNCB&37-tAs8PH8=BCs z&>@0hH^EM5v~5sA%A{{R4iZVo^I;-TTgN68GOI{O3ZJ;~ zq}YT(T6YM#4}XZv;9zDg#;1}E>4*+K3;h7ZGuteUv|s}!pZ*$3&@3S(YTLb;ZEIs; zFGrzn@Sv1UJRJ{w;vIE=e>U-S^Yw}Mi3bm7SNU|}!E2Zby268Q1^PsG>#_ve6&`#r zlYS;1blZeaWLD7z4><8S9t^Sd#-Qi;Pf@S=i_CiZK?Kf3KZvlm%Qev!gm`w_f;- zar*eLTY=`YTbCu!t`OwLO!}D!(rpuN%dDaef^gzJA;_`Jdip^S&P3M;(mCT>Fgx-0 z2!cgzq0m8vwzROphXu^0m!lM>M6P zW3Q{EN~+`PHN{m6l32NE*)^qFU6E*e(~&BcO*FBinPW?ow4TXUl?&4CcvZt}R%b7y z`0Gi@6F3yb1f?VuY`hWD2pRpTC4 z+9)Gexr|5$_EtB6^za6FB4Ltfi`H_^Ru_RIL_tFAiwUuw+%E#Pa~U`gy3rRCf=zaI z@EUgZ{X)5~Cdx$$p$@%2qqEU>}Rt+GBS}WA;_$Z2jQrID- zytzDs;3RW-7XKCs1^i1{CknYcK`dmII&)dCuyKjoCD}=$IvFGCkE{^efY>I8p(-PM z#xfTL8G2bU3C7if9M!vnu&XHdZsS?_1EufsHcEM+_ffLAW81PNy}{cau&LJS7!K=> z$SB*=W5I{J&|Ss7YvYCl>8N9;+30@G=03(|`>f(hJP!n*-FDj~lKw7U{AZJkdD(rkeMgy~36 zoqt4>cuJn9E;~{`b^g6;kJKX33?X$fZrE*H*+Jbj!n}g)Xt%MQWi_6GKLNz>(L&6T zdhbtc2}^m}@SK#aIv+a<{*<=7m`8;V<6*aKAW1GzQ_k@bJM)iAdfC+q60-SGxM4n; z5;#CsmlidI(SD9{bTQh`8+(NIcrE+ZzTap`k9ygkl61Q6>AtJ`43lMxtD|I*R?^kQ zkyhAA-UW9|+sYAJUrUf`@2^P3KED4QW2=2u(Y5u8u>T0!9XdakO1zP65%zoiG|-oO zwgU?+HGtRAFd-7}hM~Bo+RIE3?@uqGcsGKfwG{8O`e|S{;tir&=2({xWSmHi1U=CY zAJ?MLrE+2~>{if8C)U!rQ=C{zp2pa5XSW2}9nhFdrAue`rhXde%RSTC;gFEOxDkstNG3-X z@XmfXdB-Ib^}D+jbrO$T>@Nk6Tk|Yj2ONqIM8(ej)cHpjo;v^7<-nQrsxLRzM3$43 zWmkUWl^ranXFuY7xoyx%#!Mx0FSlZtttuwl>15lPd?%AOU!${tY*o%tU7C?ZP9e&& z67Hr(i+y~8u6sDS3_X{<{fM?Lk}^eSe3s)jsQL@c!RHy93^HsdS0=8;9evYR|RMKws{ecpuGW zd^3m=BCTK1Pwm@L=u(ZjuLSM26z>cBX<#?vP5Mn=$jRhL)Cc?Foph%y z-8;pdrsR3#XAw{%{UkZ=%4z*|2c&6nTG>>$(Mrc|V{;c%sxh9Gw$ZZAWfKEG;5%;r z#jgZ)WP=Ju-z!yII<`Nz~qhvVKLDLp^y}b_VqoP{%a|B6fU6c3AQ}1 zX8VMrK~#>w%ECB?YOhktw)KFyGKqL9>_{sTg*zRoo>k0A>9D5Qhyj?(J@@XSi*uW_ z-yK9-VS?DkU)xpp?TF_E?^(C zPjed2Eug`OJ>zl%D-H;^qXh)6=v}N*#m|B`}QBW)>i8`XFV8ClNpxgRt)R8@*Z1y<=oF?WJ;9`F?a;x&Lt-v1)EVmuBA4+9LTt1H1h zFvi>HRXirGNp*(^O9TV#52IF$w<1rl542F~x^JIAT#!S-Lkw)`N*=_BVmjlLEL!fu z{ygGROQi-*f~sP?XetXl$ z&VCxTRP?Gk?Ry59Ig06eqlmqG7VR`Wd&7%n_RriPi|vpPhwYG$vv$zEGM0Rc-wye% zFz!{pC!8m)$VdE;T4x$ZM$bCa`zobM`G$Q56!oSXW|f4E{`Or-Fs*+{ zn3nM|(H_6l4(``!rwe*liW7)>+kYfP(w9#$J`XD1$H||pLs^MVi!7u!r}cdJ7>+)I z)B0H4X;DbQEqnUr2iPY85VO+*PVs`jLG zOHH>CYV4?p6F#mfrmOQA#4V`>v!-pu5WjCTA_%{9h9uzso}TO^J~*8~x8x=x^z(1W`#A+v2mSmTo%%TuZ0+Z- z6Ft(%UF_6UxEv8aNBBM4QVa9SP)(}y&b}n46()T6J7W*&c^2OKN(|b-IeA1NeXywxwlccs*%MopPtC&4znG8 ztjb_I;ka1!QEBfajLp8)zo9gTEf);`^HhRIA(#pw62@@CG zuYpKt;5*K%;iQCR7cIpuPfAs5Q7-E?)qOkNq(%oIu#i-x{hwk3cdW7#62a0Ey`@0# zDyJ{I!IUV!fNEA46`k!Jl@(W^qj7Z7CCG$mZITd0m~RpbhOfH`W)Jbq#E zicaF)dgoz3D{GUJKUr4QI?<>3anw$hnH|9M5BXU(%F)7-%=paHoQS5vDETs^`hu#^ zN|=K{J&L@;EJ`XjYIPK(q}GDRDWZ>&i?o6e3>NvoitokYM9NbMB#5_+DLS>NU}1r? z$!g-#Ck0`bjZSMSH79@Fb^HgoJWhLWaH>KZ*)bK65}Ozbl}R4qf>CgXsBMziEfsRY zoPR-)q#Y0qdB$&c9sr7mip14KtKq_tJ7kGypg$&n=!B4t;E1K;pG2Z-b`#wqJh?IK zF4|V3-hwW4=wSrd(afhw<`n+GyPv_IV6NW@!~{yOYN136k8bK= z4&r;0Z7roXXo#+=Z9M=ITVM1Zn#09-INvmfbxsZ$(!u!Mc`a9awk8Bc51lzBoywnL zm~+Ypom0_mu}BJIk?k#>Ih2i=NourN*qb5~)L}a&d0e>=g`e%xN`9e~7N%OnofPIT=B1>I9= zQTNfvEA5nvKVJI~6~e{0sQn>Ud;2LZnZ|1<`)=b`Sytmb{>1Sj-c={kJ@lERi$3GW zs-fk((u)Yq{9|H4FmV9NIJ>1h{h;>F*4lzGea1bw#upN`WQ*l5Dfe!JSYs!fVyAkO z40ofK^)TpTM)PUbIo~m~V*MQ< z)~}L2vqIxdLKBUjQ0qCk9M=dxIDX#PVcXJFdKym-iol0`*kcL*P*pAEtLF#Y`w>Jwo4dn{|mF7wR8>C>VB zC)>V{Ce~BLUt8-GZ!#zLc%#-0#$AWTWp$VqiD#>H^%(c7AqHXI+6Tg+6vwv(3~EWH)7<;p@Y_YA0L$tH;+x5z(S`yZ(?iDj#4j z;q6K)lrCJVic{eA_sFC;ylw@kL~IKE?#WEE>jh{(*g?k`K>G<4T{X}i>IY~AnXEU+ zeIJuIAa^uaZ5Gr@FMEd5zoJ4MPT#|bXJe2Lr@zgzc7)SwZqHr`4*;}dz6dhEk!WN# zyXy=xzuv0`E;VGW+Y2PtSeJQkwqu5`wQ{x?dQ+s>AHfz?4! z%9@&F!0JvET{Wz}q-R)dBb@byuN#=)TPF9EENV8p+xY|4=Tjk$tUv9(U;j^c$U2_b zC=8IaB|SpUn-Y!qxkAnxnBuaV@$+odMa{>w~nP%1t3ZCwu(+m_mi=wMW!C&eN1$}|6H{^RI6E+)J`f&z= zPU&UO`1c?c;`nzTBi>c-JkGLq99cg1B^_fR0!Zv8YlM<-Ni;Q^>2)@~d~>gQc=}K> zidX3aC8NR|C4-2Ului8zC8I*CtT6>8|B$T6N6Dxjp+|i()69B7$v^0z(+rgSJc?ch zloSNA-ca(ROxQrlTohF$Xq8^~jFW#)g*Z+=$;f9zjz5a|5X;&TC!h1OP7z-LOm>ko zLdowY8k)`WIz!3t^s0rY4<)1Eygo21D%=A~Muk>cV+u;{$VDg_)g$z$D=5R7%&5mf zsm~ep9u&O{C@BbJy`ki0ChWE-Nv}n%W_KTdHa$&+I7*H(^4XB%qvR0F+7Tu1J$@;| zTLWahMARcRKAaF}wrJKF8o#(#ZD*U)>Sy-FaGo7SFZY9uVd%3zv%l_?9|4^?YF)EB zQ}EazJMu@ZQ9S}4S2GQ*mr<+ML8}>~)^jL&Iq*2t*Sg!NFEe2?JPxDm1+CKSp7Hns z72N_yt{^00{84%iIxOKAvcBHtXvQFCXhw8Jh0IR zT!v*iS}w5gCY<>|Y!m+$OiQ#=T1fvrYt2gvihho)i=*gR$hFYj{w&k_dI8Zt>7eQi z5d9L0t{Oz=dR`!no=(oN7hfWO0(g~N7j$CtR0cn zyc{Q?c6m>CwGr0;Frk8MVfvGeyC|5KtKj>+s-Oor&Cc2&CUzVA5Lf%G-XNV9YaZQ* z9%a0Wmw5$?5RNz1yHYr?iO^4cZi}5xYx#!uy`09&Q)r06b^b@_jk|gF;1n+|p5fBN z;nDU?6R)qv;o#u=i^2C8lV$S!o_d7MnB5F$8!f9& zNq8PHExL?z86R-j;{W8Q(k^=AriD{{^vy?nlZ+0kT_kKe#QN=SZA)-pTGSZt8jgEY zIMPbDj!oeVp=;r@kTpLc`lM8lwcx)gq-5QTV_y@e*`P89d2Hf+z++;rot zPlNlrsXD&^nF$(zmgDj?d@EC~;#Te|I)|6jlxp}m81#cU>G+4&hBds!W;R~Y;w=#9p6#JIxRq>ayYTK4A zb~jp=0>*OyoH ztKjj|;#*T|l> z<3m9BW*|Sq>6c_yQgY>UxLbqU=QyI-9YQrU1fM=7E=PjipiO#P&=_3WWU{-U@NTQ0 zO{V=Kr+K>R?V?|(#8GWJ1`gd2wK7z`*;baqN0{gi>Qb;A`f4G%Kn?NRcWvM6ZL6#G z=)@YcL`o^*rV*KXhWD)Cf*2$_h58D<2x}HBdvUtyT}e3^1IQ`kqi0Z$3w4Yled-1K zu7^Cg*_Bd)Jf%eBuMNo4;d3(Cv#MRtRkygZ&PY4{3T^oEkp2E8pM1M^zmN>I(MEALXir zv(j9&drG*kQ7J+3yuU%pOoS+X7AK)E!Za+Ly>}shjsq8AJywanRTu%oPJ#-jQB35+ zr)^=pw6DZ^;~;}1*bF`wSw4S%i?Hxp!RE{fQ zDjd@;dYe@9T$64=zz0?dPSAg0if|-4ItOBF6)cK^4f?*ULf3)eH+`NIzxUH``g)<#U?X|G%u0_?QT{t`+yW>t z4$(hJOuj literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.doctree b/docs/build/doctrees/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.doctree new file mode 100644 index 0000000000000000000000000000000000000000..db45f8aa5ec3604c04f1eb7503b30b47e9753a71 GIT binary patch literal 27512 zcmeHQeQX@Zbr(hP>m*Shw&@zO?3GA;9w!>$BOniRUgHXJ8N(*|gbHYtiCDDp>v{#Bp|3@3qswm^Z%Xpw#)Nt@O! zn%Molnf;i(kG(rmvcjMOC~{}#yLxCCCy7Y?ea`d32*@dF%IHogSc+z(R*D*_{^m$MBeX58G zqwIz=`VtY-20DX=v5k$XamS27HXQcnB->z{j@~#~FKR5O1%YQ4>jC&c z{T?*SKJ{^=WNW^UMEpJEXjSpoXt`cX9*SCN!P6_0r_M$KZJu5=j4j3vW0P^aF=*^$ zUzn~s!E|Z*Szq`3>1U5VaOlD5Q+mzy&A|0c-JhN}1EXG?0z1s2rx6pUDjup?biIXX zQ14F*s;5=09=LwJTGhPe)Powbak?v43!V?Q+;Mz;y=bgsL#9*Kmn69ekr{V_4aP38 z|8D%;gP+~_*+VP=SBYkHHxFh)au6$z(!3_;yXY22AsBJ*WE5L!E<6kXR=9#S6DY+s)Q*=4<^ z<3A@*Yo1%wil%J_=y*Eg9%<~VM^B`8tH_Mbg`cK{`xQFe2t>^?H79F7Q8 z{hC(NXOuXLvirypaGQ^u2{yz_G(yD&FOCbXig^+DSX3mpJD`X$G{Nv!Qp2-y4O&Xp zY+$jW$pR+{oTgUmMLm^M&cw!+s`d=;2T-Dh@vD0m^ahoE5@jC^$HCWDH4cOpO-G8} zD$GJ{d4>iH^wXJF+)9()wLzFRNi;MDxQ=ZS0tG(OfQ~TH7-Cz}`do;3+>)Mf-0jTq zJlhCuodVN%J8UyG%Vo}=b(znGWh@X=s|iyLJ0^IH6WmPg_Ettk1h;#Y(EMT+&7(xK zAb6CT?M&-u+tRw7(+ZFVZv)-4O@NZb;!mu0T!zCZ!h^UWxsh8tG!mEPq980$o0$q$ zhqw{(Qc6i!_?6BqWCKp?KzkFsdYvoZ&742fbgk}`f_e+249r9=(0!^2vaLs-44_XnqAk^onkln^;*sK0@a6C75qlsB`@$Yglp}jTKS0VZ2BTdeia$7 zK;vJFHGX%GE(GsXUK%R5bu1Y5KO;xNlS7$2G1}^=bpVCXi*LleXpb}2s1I8FXNC3uouRmxpe%J;}tP4y)Bq4}7nVOFNu_Oepcbw|Ne z4fATftQ41(v-{4e=>jO~n^n`+JSA`yVaI3AKLO{{1tHa=VkzRhf|USe5p!~-yo`>T zB?XfXlzd+IbDD#?-MUlOXck;h9#LwhUeXs$UsupuKhT^&sgTcxS-b)-!&fS1K+Vm2 zR7?rHIx4ocqHcp4*d0!6Zr;2A@=-&@#GJFFE4m+;RSmXC%rElB1bh4%F-GzL{;o;y zvD~t~;<^E5vAPPkNXN7Ut3Q$@-au@P4AHsv)jCwFoYJ&a)Vy) zhp&do8`mp#>>8|d(CpKCk4V~KQ7_pjrlqcZK`%G>1aE@fo~0a8zgl<{n-g|hM;#Iz z8e=0^HGn^6ODwcLB&uj_Yl3ZURz9iS!S%?-SCGV9KjEhs>KnNCEc{%!rBlK!O$~SA z!2ngW!}>WIZE;j(yEY7AKmrZxed3nnNn7KnAu)8ZCrxg%zErc#k{Q5lCRck=^PIE? z&4EL*bifta18?m=LCQN=G+Q%^1)+Wc^(NTof6<^LaR-~VSh5{W!;+NdZ%9RVT6dG~ zU_k_Ze3w!Lx{tA3#nkPx+B9tsy(_Ht^4F5ei#N0o9G2wcTtb!HGtp9jA7P7}lyqYz zb5O{OCDe_BLiZ2QFJYy~yN#(Ry5;2-D)D+_5oS;i+V_uoF-ARCF|w;I#jU>uqawFs z_AxxfYXwT4Cc%?RI2)M}YmIx9sVU{jO0@787&?qv4HiiAJZ)LoJ-b_h-3mM%#-Oag zGGt)?q^NA8tmQ@46I%@xpDJ_iS+dggm3(11vFyO)mQRbpxC#p$(@OV*u8;}CBt)cQ*Ty?0oGTb7T+Xe_Yxlksvi{h7$)x2b4HL)W33 zp*)({oo*3J<9yy9jvB`3_WB6B**ZLg(>&9nT zo`F3QLtB&*VFcys#Vaz?Tl37)ET=ONUA_3)?A42}-v}^j-}H?Jq(p6+dD(+)-C>>S zqBdl|P9YC$@2~N!)@l5TMw397l(Av&bX+)!ERS2GX^Ga}1|5ZQ(ltk^xSp^v3O5uq zr%J+K++_GVpV1_iBgwLyOk8+Hx>hoBq8>zKWiuubOTik-sJJjgo|4Dxwd$JX2=uKv zspBkT@hb%Vj2wx~-X+%d3_76^_%0U&hFjVQP_kTCvk^$6QYPg8OH);yah&ucg!~_J zvN~s#A>Zl;f&L8@cR?V*l5`I{BK_cCno*remUGl5@wMdbBYR+M;?8r5yAXq!A&ei3mr z5l%D3J=vj;G^aIohPx>c zd-Cc<4`D!gZh9(O2TSIrQc}X&-|9>6U#8s2ygHd}Z|76g(P$Y?B4w7s1E1E)p8LGB zJgFQtHK(L0v?Tecy`VXh$}vOpFw2|C-F3#(93PgvN_!!={Y7*Ww$(4WG(j^RtVn95 zQXQc}U0C~OV=r0q!dJrRv(R)Ql}ACT=1v&R!Wuf zfxU+`{osN9+QDM+&|dzpP%BrCoLALcIM>8N24AO@B*3uZ8RB1R?eopPME`~m{j2y@ zFQ$CB+2a38_#=>TDBub9YEPr->cua~dbs-WboJt!*&|At%)Qm5TD1H`E3Yjp^Kbu> z4Z~=lZEHani93JR#GTF_CEFl^3vH?c>g$!dXExZk)+lW8Xvd!lSRsY!W-HU{yEnlO z2{20Rw)LMtqBvwjxTi&%K&>CqE9<}TKMxj=@% zjhx^Sz1XD2&xt+#KGoUt6s^Uc8k1PM-UMTcCAdJtlCI{dCD+C_NnN(@;W}N%9j_aB zeztXP_A~ol_{{znqTih5SBb==uZUZGbyb@juft~Fnf>?A9G3PCAHfz!?4o58;SO-@ zOD#yR8*H2Oq=Ip&ecQ92h3k~VKNYsu3{*9LHeTP(*fo1@PcC&|3x2pIWf{};}!!c6I^=b_TDXF#KX{3e)W6mKCz!&&= z@!g0dQ=T~PjJKR93V3TU6@pCO65{cQIui@AiWBwjzWYQsLFH*$+d&LM>LaAo(#4ol z`B@Ztq=F!4NTRfhowy1TVzTgeor3ce4M#IkPNcZ?03i>b6aumHa34I z6+d!*PMOQkC8K{XHT>t&yXNQ4%|%<~<8>T%>e|!9eFkeiFe;LWHA%t}(e}}Zc*%h% z(CdyyCU0#lO_Jb%YMc4XIs z-K0{xDEkiU4xZJz3%??*6gZI{q91E-AkVj2$n#M&bb?K^FC=yJ*NF&8!2u;(_-U;6 z`+II~*Iwj`XPy|ajHZ^dnNy+MJ1ioP$5jUk8ASIYoi(JnXL+Zy`IAzf?Ec>_Sa}<- z)!K<)X+6t#)x89Yx$Ct;+rZ0)hM^VipN`@F8nn>{=wBx;2%yJifB21(KD|Njq(P8o zeLpDwDra)Kyd0wDbIJDmsD2+sSB>&BD?)j}4`34CTeWr|{tD+d1>Ev-fSZzKab^#X z5WK%dg#>tifmhpEh!S{zj%V#UfNnk3ex?#3XUF%+boZ~DI+abH=+qj*yua#~=h;GC zJ?5Q`@rZWluFM-oNr88>aDSKE__$A8t47)Y-oKN=2*4WzArjpEG*gxOfx91fky-}a zeSo5?hP#6+f;-~I+5@|P<-7*i4U44>NuczqZ@}9+6a(HrbrGWkc>l<=b_G18+plmcb|O;&`vJ};yU02NI6sA=s|L=aD+Nx8FKZ7%ALU#JgpNkb zypnL~rHn4wqbu|pO)4b3#-qIQY_}|&wLQ$Ub_LNpAIn~Xjxe-qz63&FXzFA(xoZwW zpYK-&*+O2u7g>%`EQuDZ5I>U&!Z|b#I<#FneeU|S+6Fa$kMv2PrW6m6M%C9d6|Nu1 z{M|0H&4A2rqUfq2^WhaiW+JsU=yHCUvz+5)7~zs6OE3Gz%fF;T0x#d-m1hG`h?lSN ztX=W)uE)DZ-y+EDC2NA3?>2Qco9H!%n&0bJ5+5CECb7~LqGnQoK+P!P+GaAIpk`9& z8noI5HGfX}6ryI*mNd3L%v893Q1gGg$TkBt$A)hhYD!F5dtT=IoaI2xToT`xWJ|C6 z#?2j&MTna}?IKZWn)nl*wJUD!db-=*g9tWz$eEz#G|~LaJ6)ed_j;VJ3psprsF`dO zSs{KU74(6cNug`dY8%vij`S%+&7>`9WX)zOTtBFJri*MdP_u}lH^|qNn6maz^BK
sE@B@z%U>CE&ifaED%|S9?v{ZG+F>AdQOfIVMrU=Re6* zxqk5ZkGe=V1E0T*qBjbk6Q-;^eEtK@a*ogOeo#ra^tx|+{tguq`22NVeKrV%`201V zwJSc~)6-tn2yc7Lo#5vWnmU|K`kKSfzwcKb*Bd|2#`qa;E?yyg#^nWi&b9%~GuNZB zHjp_w5<})#OqMjNa`e9A6sjM@97au9vy}|QyctDTjhIJPw0fHGWbFawdd_hG<{&n~ zOERT&S*F9NBSXA3%KWgF-iLj%|NV#ie z3zNj5iRN25t@lM8|IwxndEZ5N->vl%kv%%(g`;1BdpKFtnP{T*`#232-4q$!9NAnZ zFD|JFuWU};Xvc=b`<+FW5$u%bSLaxZkQlyUfxF11=Ml%HYetrEC*7v-PjOh{GH!8q zakzwTr=*LhaDIZW{56j7aZ8_W2#}CbKa>SkBOJ^>g?*#J1^6 z*!+R61a&`29V+X^`aJ3zr#lSkZgSMCYgMF>-7e`wcjFQp=hv*MxE0f-8_aPZYCWh- z9h~CVuHK%0sp_8Rda8i~`nK+Y$wVq{WMx~#aVM#kAzn*^?QD9}RE6~xY5BOQH=!Xa zeS7*vQ(?B1`rw0623TaHPYt%&)|~meHm`%@WjwFP$6eS>o{rP?Wi|Q&Mv1=nagq)5 z!&t)$h8$WW#LL!I_e*nfCmQA0|DxxE}LzSo;iAIAl$u^-g zxCH&HoGPvr zgm?moV-)FA_w0QD{2ccxrKajBC8_@2sCqijNGiLadj(SuD!dJh`Dr7l+GuPH767A& zA7>k7JE4g*Nj1!Q!^RKYn@@J6!8Y+5)79|G^h>xCIk`by zwOt(J6Rh1?!nG7y3E~su4P53dMD7I~(!0#RB_xid2pqT!?Qu({Q-Kadz_6X5!mk&b z^5KqLC@)2m_-Le$`Ybe{Gu5JA#t>cx35KrI{iL^)kZVEJ@pS-O#b=LjDFuDn=Mvi% zez*wAYF7lNU1o#2bAdh%MAya=oM8My6=6(F3=Zra<6jWqin9$wLA3%vD%1uy&e1o7 z*!EN^odD&@sI3w|;7s+ohDF!rYCiYQ>9a#9J3=|c-+Aj5jCkuM`tKc>Tz)FM&c-MQ z**X5bBA(|me}AcN?82vecmWu(!^Wfhur_ammlfx{*=AYbREhP^XdhRfAW;cdEtAODMtDg!1P0N-@{Jq|)2~pE{~SF&zTSViaSEdg$6YZ_AtfLBBpQx^ jDV4l2PUb4H(R507y-X@NPoIg(l?gjTm?3*!FBbj}a&KNX literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ACE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ACE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..d2a02d984f10e1dd56eaf49a7167169d7438c885 GIT binary patch literal 33778 zcmeHQe~=tUb=FDub0wXA7#$c{X0Wlf2X}jta4=j+0$a!+gk&MfMnNY=v%9l5Guqu* z&&=xXumv)XLBbP)%L{=D20{o)AhAgxAwVi5kc1+EKLSZ0sU##Og-I$vipn2ULaOq; z?w*;R+1c6M(;YslaFunlGu^LWzkdC_?tZVkFAu%@>4(;_|NJd(!!YZM1+84J+hyHt z`J-jK)U4@suk~1K^1;@nR^A_Tv<260Iwig3uS1HGVOGnIUT>Xi`Qwz_GplYvzcoT6ts4AM#AEs!N~z?RDKNY1Kka_Z+k27VbE7xJ9Xvc<{8oNL-|* zdAP-S8*XUe#A_Mb{4q6T-Pqs{3yzQbgH^Mxw~jZ9nxE4=6jN+^s43NKgIRW|79*vq z=DK)^=b^e*<4>dIW+VDh)Jhi|y+Uc4{)nf|)2EiP#n@?VGHx(77`yz-Gqt)mQ<}NQ z)g5={o;z=Q*-K_l>J8g9J=-yLcV^!7jAn5f6*h~GMq-+-I3TlNI~Qiay*tCXo>8@? zXS>Z>O>>rFKU6NLnRc-i92a7^@#y+y(OBmXnf0>1C`p<(g7G|5+ju_Ydo%vO1^@5H z|C1yFNRfC%_3{v&S)WHk`Mb~_N}fqaG3!da)XDUwF@}$OEv;$1$e4~~bKJNQEda&_ zp=G5uzVi4oPG3~lgkZg<6VsAMz(&4k*4RdVW!>ZI8os{^iSWVIYK^L{dWNIB zhFvYsqWT_@oMh@r{BB|VYW2G9v8I$N<-)6Q*!nx$)=#)4@%=<$!tAg#(;3hWssY1uq1`YDZrJGU76Jva8@NONx_hi z5NkgIC^gvMRA8f7FL}*2m>HN23dK`Y z;wQ37Y_ym7gedVeH~8oX9dP9Hoe3M~Q&EH}@_~@-^&KT03VBmQub0uK)kPRvsjYWBjWm8)1%O(qTnp2*vnr4^o&4r7#t-Yi%A_ zw=RR@&VuNsyw=Wa%IW%>F5=MuCM3ouv&r`$YUA56A#V{X7?yRd0#8*t>p(W&odw=a z^Q@!UlzWhfH3AYbp{$7J@v)YHLDD&?0o81FI}1YU+3A#P%cPtbe|@YC1OijhRrepv z<{(}7xe?kH8X>!Z@ik^L5-R%x2f|)_K$7L7ndSKdcAF8heu=Vh%h$C!AIc=3VT#85 zVYANWgVKOy{oXx6CFn7<=-2iynjR1goafkFB#k|iPS+o+ulc&{>#it8>vcY z{RJ|`ZCvWe#QJ77@zg#R5bvrL-^nJPs^kIjXpAyQ6GSejc7)>}BVqk0yGW@;8H$PF zhiqTlA&!^PFW6iE&6*%Sxyx>?t^(b@KGPOw3DkNQ*a?-k14<~F^sV=UL=y4@Oa#r= zwF-sIBGQpU5VxL`t1w6l20{1XKO!~QpIM6axnxDUqJv;zIRNqO4r>~1*nml;So{d8 zCB2F2c28#AI%wGIkf|3uC}k5*#{)sUYun$KO*~zF1@UF#!9&?a{v`3>EvyN8!h>D~ z`gnHjvIN=_9(+8LekLCDT7}PK7SRC@IPo|h46%j6py!BRQLp(@W;x421kS{A5aIfc ziX#<(-m3}j}U^*Ntn~3 zeZUZ(j9cRyGA-(|@L^d~A}a?@;1Y?i@TL#$dX;8AyK-65>IAe z01upa93BSt20aH)QCB&cNq;%8zzgpg7P=>V6jKhdejltrOPTg->M>QVubE;>TR4mbYZp*qzGJ5E3SdU|GMH*U4 zJ7nzQEP=&W&>|54WS!4f^ReFV$zDs@?Knn@zw?gPFr=yLnRjATcE?3bY3Ft2P~?$Q z4m*zRD0wWdPbw8Wv9&x}_+!hjidHWxuM9>`N(O;fP6s4%Tttz#NdZ|`pC>mfBU;Fv zHcVIHo(=_1O;;}~c0F14*}dmf%B#8ku#h{ukFwR3Ha0xXz2FuUsc>RKbK!n-70=KW zO~|KgRw_FD7$sdP>fVB`*A=Z)YC2kJi3ud~wkXA=+`MBq$w{YZ)vEBMx#T~ymD!r+ z8MEi_Jg?A-InSz9OU)|8P@fm(Xu^LoL#%;Nld^dx+ePZ(Z%y=YII_1_Y}Ff>wmqQy`p*X;!u%GOn}0%?7nwUqTW z`g7yak(hj}2k|!Suz$Z`0NetIj|t#BLwcc~aZ#LyRU~ZW=0>(Df$foO3qnxHDix4H@C@rSvPgEssw}kOe9%2N$7CcC{Xv3gg!@Ur zm%1u(!n*1Z6ShPyo5zV5kAa4UOpeE!OCmck7_WMNT%KNyc9*zIRyuN&`jb7Y2XCn{ zf23+sY*AH$0BZ+TpCZ*J{2=zEqn=58U7snnyg$hN-rPYAPx3VPB*zBV)acJ9GCQs7 z@TYASC-?Ya3m&xxlR#AZv=7mptA2Vxwx7Ob?!J@{uoSPCf4QW@B{8#fu@l z>^$!-4^#n;@m&F|Y(!N;{k^rvP8r#rWLx)Qd*q_yh+i@FYFSN0wFvJzLKxX+NfG!L zif+vDoXOyj+=(DkCJYggUq#ipJ5x2}Xd%*oV_XAXLx1?Rh`N8sMbR!VwQ-5h8;h8C z>0WyMs1{>Xa~1ktYs((T`~PJ__&mkMVM@X}2!ih@rjB{VW)Xe|%QvkYXGVrXv{(i< zwJ9z!Acqw#>jrP@D*iBtU$5jPNTJuV4T_*nXzepIT1ozl%(n20(`V z4&gM9@K4xGJ z#0(`ff(vHZGYSfli6Heb9ri#dF2-yg%~~-3VTGG-(sPu8Px8oia_0^$#f9@7F}Jbq zlj`HQMTdxSZrl5)Up;H6pS~^Z*;Zsqv1jyJ#)+goi({)4uQA~#<1;1`qJw961lnD?JC{nlk{vPij^$KP$UWO+1)3TF>S*{PYW0)LDgEwM6z}O37O%CO z3icx2Aa-n)b@@QXiMNrU?_Uldi>oN;OT7v@X|~!rcZ%6cNz;60z%gopBu_ormCapR zpl`c!<}Ns`qS=x#DxoQ1b|J7Ol94d$jV5M0j-xFpyU*-q6KqG<$XdXaR6`7-$rl=w z*kT)H%DZ;Ot7(gqxdm)qQ(Qx9=$LG&!j?=aXX`3kqtM-Re6khUuJi-Io%iI$JPl`toOttdxgjI_~0`GZ#2_7Qb#t#xsV&}gkzT| zR06?!r zl>LV1HQd>m8SEFVJNiXaUnn3DW2RBAyxc4wIJLL>s@t{G_4{6T@Vv?cyx7q&JOV}X zpLGbK{eEA~_Mg1jzKcK2Vr+@_XRXt7>rD9HUY;61b@~0PqR3BOethLsS#l!$IH6^X+uHh(#Ln?I*0Xj&9 z@3crH-5{Mu^#zd?&qFTW?;`VJy&q9ZVc4pVF0KV95Lxe`Px1K7?@&90Q6fYzumNGX zru8(^1fCcc(|wm#B-lIp#Xo9b!!jWEHS`PKdA*Kcw|U(G2-i%^%Iw>-Z%=pFMW`82ya4x4 z>0$*zZ#6nShvMT^BKUfhsLV95l!tSw7Vvl!o0ajb%C%La+Nx4*RTvAE*H#Tpi$oS- z{2)~T+7rI##4_9Wq*n3=_5};xc!~`2WY20&;|GE4w;)pz*?$ps_h(vwQ-{`y7H}m1 z%zbx7n+4`YR@lC}Cz+5{?4Xib-=0uwYX~m_#PWZun*~{0jo8gpy*yFbWtl2#0#y7* zWiz!Vq#)ZvYSsSi;mt5#9IYgK_{q3Eq|FQBL_X_@ZuXD}w%fyR$VfYKO!o{Mha8G^ zlkj(hy61XsF+$z8X^=66u<%Wo10l%F(-2&!IcmwS;%GWuo|cJ7w2sFQ4zl$A*10nj zPQUL`@Ry1F0md$IN;Eq5C>`^`oAE3Zu#4! zUn&F@I|lR27qJmFhyPTZRA_ptnmGKhq(x)-v8O5C#uXw>SI_k`}y)Q=)1DHm;fVM&xc4M=GB77hkwBN0p! zd1j?SCuNo=l_Ca7Y>%2CkHRYs0#C3>Y$<5SJI2L2TZF><&YUW3H2;4Sc_oPbpdPL;0KBNplAaIWK~wOVopp+7Jqlbj zsohZo<529mqfgivMHUto)jFCZczOp%inlXxwjRNsz|eLBAc@i&+92-Nz0k~QA|F&c0u4SPOKpF0NA z=B=ASi%0(sW19m65Z^&eZ6G!|e3G?h#z>;`CWk*oR%w$1Kj$wNZG1)A;?NdJY~4;w z?#yTovQM;=VQpHZqXRITPcrdg;5ON_Rgs#Ja?8yaja}0AB8e4%uTv%*UW(Fxo0ZD@t4u)=4m3`Q45oMD#W(LH95Lq()>3j zqCTXV-CVy;(%ET!m{GMpia&9|=est>8$%!o#t>=XCBAX&!jCyIHUUD3(F305#PDS9 zEPh~sk_udf{>n>%t?^ORnZwqI;7d~Xt@O2{zVw4yn?NZuXuLCOJr`N88MU69f?7d+ z*FI>CGU)-dZs}<#E43iylv^;n2MEBLqD&mHhFHlxb+Pp0|6lRoiBpC_a%goU7a-#dGG1B zO;#K7&W1Q77IIRjxZ+!HaMyWm8x0YADl7%?{)E&)3=stlsmFXFQ(5|fyFc#IP8o3b z6=c0;xJw%%2K8P0VE0)jJ%HWKSzssDyrlM{e0?L{KT{@-c%NqFWBG_GC&5r+OSA=YdGt$7UnLBFlM+8BCIh@oN`Iu%33x85)`ZDlY*&z_1& zLC@>QBJ>nAq~5oazOKjw``Mth%n9}_$hs=%8Ps>}qvv%@dVLKQDT~~6*%~iq*0)n8 z4xC$Ak=eK)fO9iT+7&pr9ZI@d0>n%C5<%6`L`AY$TJuo#>VD;#-Eb>8!)@?z(hg9? zd}17`xMK`cT6o6hm_H29Ybe zAMR8*Anc*A6yWTDalV?VDgEHym%B7l2JU?WS+5!Qu1{Ih6V+Y&qqIL~ z!UOEx+FNLc)Pj_?Z|M7X%EY1X3#{mDgb>j8d6u**^qoNzF+1vcb;3?2{M9QUg3$j< zh&5Y4Vi3GYepW8l|LIq(ePC90(hqTGFOQAsoYWtrFq{_d5r${}VV>u$_>-J!`8%YD zHl>Qg?|9Hp+l@V!IgJNWXvqHe;K128@#H~ZBf|f=^blRwnQ7wne#A=#2g3&k#V7OR z`FTC!PQ%!#n*Ol3orxzIK|~5a7i~5N6k->pO20?y2vVaPmaqDo#3K*(xr$3QEg`ehtseUa{p7Q5G?$^;i&PxC>rJB{0cqeHBNui+Kh{OfLZ|1jwJWTDd4Sv=+hbgN?dQXwch3{ux>cr)hVfM}igZe8)mSxBIY07;vo3vt0g)2mFsbedhIa6|l~ zs?#k5D)y$7t2m(rRVO_j=X4_;g4{R6KO{2y zTd58%1ceK+8&y(4e{)r<&o^;<0wi9>@AbG5-oMVl?iHu3mUX(v6~)k%;y6~CrgFG3 z0unLHDppA<=3)!CK#UWHsL?BbJ)K^^x!kNZ)KKdnSoQ)@q1YdT`?*183ws0U)?I4; z=vBkjn`K+Y_0&kU6$c&KuFk{bL{6q9C0yEvoi}uuA!w->dQn6!Dk8WX33`JuhFS1*03KadAotQm;9=~)m_337mJwB&l^=bRJ-L5lBK}?y6jp+Roshs1s9@4 z*CeVqZCw+h-BmJhdTt2~&-)vs%tVOP7n(Sx9I9dC^dJxN=QwZ`+GCeYY-x>vVLL&E z+bky1nKe@0s;%+fILIIgI)gLO%jm*OV8PIF8SqtqM+vDes5*`suc`=%rqjgH^jG|C zM46f#8^$Ue)2{j(^!mjX1%uJ>d4N>Vz%G2Z zb*bfVkG-W0ee5-;Re~RR+B$cxWzh{08ttdTGhK_IHQ8|5M8rP`jZkv_oVSjk`&)O> zKQ{qY*+x9;4fI4?5SsoNr6mJLIeF@PpjiKD{Rbuwna+!)(7EV}R{cV8wH) zwCRsg<=Y+n&9a7Y^1lNz0sGdI{D--$xtVG8Z6K-$BV5-V> z1m<((ka+(Xgls*4dLJEhA8wsQ7e!z>Iy;)$g;Mf@Lv)M1-Wa}SdbLp;t^z%tCoICj P4FF()RWvAQ77PCmDKjz& literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ECE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ECE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..cf7231171323059742ede6663cbda701fbcff3f4 GIT binary patch literal 33903 zcmeHQdypJQdDltzT)kziK+Y0_jjcU$wl08K*UIH#`$R8;xAt~D=sRHu|NgP6jgsOxDLM5q65YL1ne~}ac^7wt- zJu^MCv$MN*I(&biD&5ZXbbtNz*I)m>etg}1ap(i(cdujr{H<=?Fzv;HRxaC4S$A9h zXxS+>Yr5^Vo@z}z(z?*f`(q7l!F8IAlHT&yAx6nCtL27nw@$bGEfn1|t8PK0A93}P zXF7J6+!!*3jgix>yfNkvd8Sv@rBD72TlY#@wNTT&hFNk8M~@tBQEWsWyiZ>wE>h#X zr^R_2u4~}LYZ=@9F*Rh}*x(Nfj%WSBs%h)3*=AAmbDD>2icJqCrIKwh%Py5-q*T>h z7lC*lvb7q28Z9^L(MwS)oo(n9iqrH*JZ+vnwT!LCxUtE&&e&k=@-I%;Y;U?WeZQ+W z-0Axd-+cS6)A#Ci$2C2tVe0Pmyy+Ru;uH#O78@FgX{yoynFXhDb{gEf)12#RRcm^V z+pN{J#!~D><${`S7h9p>LJYf)uWuHOb^efPm-R(S(!3IkSEJa*Yarhn@c%~q--G`X zBmzj0ctr8?5T0qzqoVv>s1GI2q@$R&63=xay=si%S+AuvjbAdRBH7FuyHNvRY!F&j zYU3-9FI(t~>Y5O&*KEYJZ)fnbk}gI z z96X3>V2xy_Kg3eBgoZBA#gxDwSZHaoCQ!w_ zm2zzs^;k?fl0UXstIn`;01)aB62z;wDD5$%Jt`W6zoG`gwQX8J!*t29D`r`@OZqg_ zp-^9%p%w$BwdWP5lF-dU6q_)G|K`yYFNful3p#6o>4_><_wQ9hLhZGK*0hI*>l9zBUxOH z5?7q1Q6k)#n}<`m*}=F0@IrcMR#g+gBMI@bwb4*TdkSzRWLIYOwVYK6OHwc-B*f~E z07^~P#30cLs)D~nb@9>8b>R=#?TznQ2>ofMr>|gwrVQ&%yW}<7U}j(@$P`aejxS{8 zSZ~kqIg#Ui+~A`jbik3%cP4C{NktJV$VWo5uj(l2P{^C=x?M(-Ru^GxrMeRK3-HKj zNTvO|45nlYHwJ=br>2>9%U@q#g2_VwtO?BA2B&DX(9glU)|l75mcL0hGcA83KDl+h zWLC^l>#{!v@TocFCYi`Bam*k%T$Yi%A_w=RR@ z&VuNsyw-R&<#hc`7x8ES6B6SS+2nf=weiiEkhcmI4D(v4z*E)Ex+9zK&I0eIdDii4 z$~{QL8UcxzP_ByR@xGRUPSRe|@|S1OijhRreps<{(}7 zxe?kP8X>2S{xwE25-R%xcZ99@4oQ|zX6EM)IBiDA`VC6LEnnB-{8lFU3{y1b51Td{ z4@w=D_51b)g`mgKj#@8dW<&kCiq@=pDh3u!JzgUJ8n;=mI}J~DF^2OVY&taNybOb2 zJr@=Nfx9lItUh)0}#K^VNRnB8!)I8lOI8`q>!j= z_h*)^gND5YiF(0wG=9`q{EXR}L} zCD5Mm;P*1=XW~JxMR+kYiw=0eiO2C^h)om*El0dXt>%lF`78$!I1|f3gjaQ(%xuGi zZON!X0oy-BW&PL8vUWg-e@3ES5aK_wiKiokAl?-rews}@U7-c>2qD;*ge_XMcNpS> zacj$lOpCfKd|1|y$jX5eEQ!Qtc+)#~y-G8mUAQc1_5=^NX421uhhB^Drpzolzyl{9 zhlhcELCe8Y)Ku=xq`w?k;F`C?FdxT4MI4$+J7VnO zEP=&0(j*Z8WS!4v^D*D=$*Y#~vf~&{{?0eFx*-i+Pks))vZITb)bsSRawJ-kQ;s$o zPD9CKc6~yr;E7G<(aay4e^oTQth_1cIw@Hc-ZT}^$Z;V>>rD#iy81jVv@)uN+uRo&cgQE<|3CA*B>M$NQD?+|h@%a{Q-%df|bI9AkHd-Gqvj1_2F{<9t@7RD_ql|Kp{a;oR_a*M5F?eu4_ zuIgq;(Ru<5gyYXaQu0t@`=xZhohh;X?Gm#-OeKT3Zf;r6;?epD{v--+eH3A$$crym z+mZ^IqGE&8@?@nN3)^BSr&)=_r%|GeX?dyRLbCW2#pX%?h~DXsi1sZJO!8#Ch%{k^ z1>77y6LND{O8nO=;^xNQ&?U0kNnRy;m}pN__>08cE`RNW$W{KUCFzI5|fej2tq@hd||-=76&#eCW14}?1>f>7seUbe1dXj!vcHBqHE_c zoj$L_q6K~pkoW=FyZ;)G$u5EF_-E}O@lF&+ce z3z^&!uLX(hH7nxsjVrBAiIeOCZj>rM0KpAtff9imS5%Z6<)U;{Cn>vZegnuZhIKF? z^LpEgcpWHY@X-q#2Mv5ai|n%mkNgWcGm4Z+Uy$5Afn!YQ z5h4dgR^?P*5_vnt9=9H#A3h4AW)pHzbjnL@T;lV_B8FMImtH<9#Tb=bH9fu7mOKW3 zCwE}DM7?q)Po8iXf*=iZw<9k)whlG}hdWquhk9BHC>s}Xd-JTdbqL|iS>a5>1=F&inIAX#%AZJ z@|qZT$ss=*3^=Q1$@Ji76ME>ht&&+E1nu}5*(KR6hs`2LPAJBsusP(5V{zG8Eu;@k z`ylCa0J8igYNwx|!brBVb9udZ(Bx;-7lRHY1 zFO>ChL}rrgP4It?=+<-ibIE$19%;J9dI3+_B3?fk3YZ?F0{$Z-%fnBAHN5{2Gp+vbB)l|~Joz9@Do&lY2xxc;Rhd?ynT>@p z<1XxERhgMJFrZ*ImKn+gv+NlK1<`~@dl(NJCKMMC>(MM4Cf!)(n2pO(jMRQ0v#`iR zj3}%NQhEF~R}!`ova>xrYHrsL_0!~q&D)JcDK?LSW%x+iyg1}a&K)~pm&wy3V(Yd9 zsh)uTX2w?MsIrag7iw<@?Jg+5r4lb>N2tAfIRzAQ&$eWNrUp1W8U{q-J+qwLPp_hQ zi&t5^i_0lsFX9ax&1P7W4`iGOjRbvpIea{}ih_QkS3xJOSzF^yv1Tc8nlBGHMm3P+ zsVBQK-lYcmwks#^#E>l-Q3<0Gni6Ig0$U;(3Dd>`i=s6e+LE&8=P+Y4QV=b+OhT9tjQfJe4!mB)%v6-!uNj?zfeYqh59VeN{@xLA0b5H!-b zL`pRv2v%8}%f}6$Kt_?#_k_LyNj{oQt8py{a`r-6mrircG!L=raNLTK*``p1O9h8ocv@JMZIpgM^Pv7 zxK003@VGtB$=3mg;vG@Bv0u6Pp_5lGKK*jwOnTNYH`YX&laysocI3q_n$x!(@jt-v zJK7D)<^WU2C;ON|IZX3}44^f51cXy|!VCa{tIh(3Dr8xL4Yn{i7=1V%=KD(3W*NqY zc?8gyq-MI(j%nc|;ih78yPKMT=JpSfly5k%e1nGBN-EJ zZ%z=(W=hOD-Nl&d9Cao5{Hvhd1)sT0dc^1AatbJ;) zRTl3P%PC+l;)MfIFxwxDMC71I#Lp~;gQr(f#2@KZ#7VQ))~Hj=UP>JOX9I(g#FISq zWG)I_B;IB&vZ>m9=Ibn*`Ra^BMAhU`X-O;VtO1I8ACLN$9;n{UqXwQ1#x8Mg0=9lN znnfHkBCmMl?hPEQqQyEXC=%^=`cmd^QS8Xu!q^ooKkjC0cB6rRm&D4+-RLCEYPxBg zlgbIrD4WVX+S#&J)9gv*u7*DEG?tVj4(-94WGm$-%&OxmzoIo=97|F%yqVnfcNabE zZYEc|1s%S2fzgC5tv8&aRx~l`ha*0)nnrPo+LG>?FwmIUqeO-4bN4M^ShO@X3)5>T zhYlS&h8*p{=?~6*hZ-LFL7EtG9fP}NwQA0jKj5UYfA79q3b`|P=^lLc=%g69F48tT z<$&RNb$4cZdSPLqplO;}a2oT|bkYesprlYY>eG}F`?K$s={iP?4IG8CU{@WjJbnAE zx862=`|Y>9;oupSJ8-dMWVknnw1uyOyX{Z=sfqr+Mid>p<}&O&QAZO zl_~L+i_ff3jjvpMcBP6eO$z5m5*<1$nbRUAbA*-Judn_rv>%pfds`!uxP3)}+s**& z4{}G(6mkGcz0z!$E&r~o)Owj`=nmp-+#-Q?gM02m7l7ugk%~9U$n;pxVA(NrXZ6wk zwcsct>o@6B+&S}y)U-nsCW3)|2z@oJ|3sW%mF6VvM!pk>33xpI(r4=cCAcHMnclFv zuiNk{nV?BBb8Z#HDZ*4S|V(p|TJVOZ&01&8X?=olVyv{#AX z+f<^$LED{Pz~gc3dWNi2xwI-75nftV^0QY_T9ubp4gKjQve*v*QiXcCLf~J>i8;8R zNY&&I><{{&c#5p`Z9O*w>Rbrie?3#oIPSmq=V~y$w$y-Y0dVkpSG9Sq}N9idTm{UfB>`n-_5c>YpNE5Mw?=MqDFioQP^eKGV8UV;y)SKu{9$F*&hxTr1j}uMC}R>H+M6ILxUqQ}92>QUT5{lVhdo?UPfYl3c0B2Dkj3}6 z&7C~I@51^07lL0_B^QXrsI2hge{w}<*jiqz2YC>uJmM@xf2TOR6R!9L z>2u59F1@J`RP4mflP_VcY((bqczPn2gB^!=W3z-a zU<$dM7&g+mjA{{HnPu9r#g0wH!|T|YDDEk^Olmfzy+?1r-q(V`CT(qFQItG6xzpA# zoI%R^Di~by#7dnGF*iwjmG=$D2|VoT^&Ka|BP%aHM#efw%Q6egZ?>4S*y{ zzt%>H6)Dx5oA}<)a28SvG=wgBqum2M)|>T9GdP+K+dyZ~pXQBUIS@a+j-8bmd^~t& zPMOQkF?^U405KOGrHY`?xd6|o@43@+!SSf!486a%-%PmyK^+NKWvRT@7fI-JJn&9` zG+`5?&wRJ_XpXbg51@3xV}VNm*e}EsXG3Wh>Tlbz)z-oCykN;?=8O9NcO1x z8j?o7%i?swm}~PT_IW{T*saTLZnSKIAvlO|JfnihV!@|*joPT=1CZjMGAW|ECVI9r zQhictxjv)bOhzB*-zX7IPDSp2%yRGCair@0EJYu;USv_N&*3NDj^j;elWYTnu1-8K z>hJsyk?yFD^6{_4h}bu{Ci@#qnm=YD>O-2@)%8h|&bakQjH>l1{KN&H?^+q}2%$yv zMN;8ReB)?_mpRc}0cMH*1fJ$Zhh^>*UeIMpg|b3_`7!mdz9bdQdhIC6%<*eP@Fl7H zP4u;+zT~a1f>dwdbv-C86TJ2!=?cKh`Yti~iz%oTly~ie)@~*}fYyyYb#A2^q?B?E zX14$_Xgf@aIAD#loO^0wuVhiXwviK8wc{Ni-c_a=LFNMq0cMM0%|qr}`>oGxg;_ad zzCDDnXfTx42MoV**gOeTTw>TL##wlm23o0TxxfFcQV{b3DFjE%v5+aL#XX##aZ)^_xt_U$!bI1sSt<6)J|$IQGDwS z?mCZlqb_1knWX^U*GL^i7g5lVTFloom8BoJ`};2SlmT~FkaWdxm)1oL%DeW#?r)g% z0CqQIft{EIlj@Js^^JHxq(mI?zRdE?h6sUpUt&?aBHqapVuti;PhtkpxOy2x7&Dvc!_c(3!U#Qk$|eOpr%4e6dI}m+ z>)V&9CjFr2RF@jcK+j)B(p5pvpuB4zJtvs-`sylDlD>iS1SR6Yc@xVr8y7^Ax`9RQ z3Y^=IBo|)-#7p@SL6w#$NH$Ar9;)8auUuCfs-h7toL*@qtOHcBZyc)lQW=J{SSy=j zD`a@4)w1w~7B||LHe|T!A*&R)xLu`eUz+k$od#1;*j+)%QhPy1Y|wLqIQL>o0qfV8=%_q5=X%I>4Z44 z3%2Hg@00!3&T0c+G|uHK^r^VVKXKR#*W7`2@)AA)A=dEObYG`c-N~>+*h6M1!1oPO z1`d3~oPyMFzL}{h{ovlebg85a-1`BNt{C@Tl`^L%io5n<@1L0P0DCv}=IkNWASLY^ z`u>j+ap?Ox%Q_n&1oVBCMePcGC*gU#ijF8d{ng7Lg3xPnaj|9#h(oCLI2PoDShpd4 zkK;-%);=&RJL(@06XO>5mgyYTA0)?|7A`Ty2={|LO$$Fsru}OrA2+3n1NXQaP}_Au z@8>k$n?gfge-BQB^?CHb)e&0;xb)y}*O_VJ^*lT%gH!2)Q|gmx^8EZCaiL=3ynJyr z6pu0j#}sxmrF9Q#40m$lmR9L~#D?1%UGIF^-y|Nn`_E#RS9O=;q$I=sMjOm{u_CF1nojXWEihH0P0Yfij28+0`AX1arbZuzFKxQBr7 zMLLQ-`f_~0-%Pih!0)EcWaJig#9rCy9i}2S(QM{%bg$|YVVsjq!wvaaw1Vsl> z>RJsUV;&A|)`{=dC4UQZ5>(+b>5#u6ZdYh}m8myOv3ne@i+@ygx&cAOewK0-$0wuK zP&Qog;BR%B9$XD2DnpD4E(%Y4NszGKO?teA(~WotQePMUkVx!rqcXS<6b=ihS5c;x zzqzW}^GzI|42hTVz8=@n``2J2B-|<0vQC%CA{)BT9A`e$P!88sKq6*Y#Vkq1Tx{VA ziYu@P$< z&Qo+;ojc5lluS!XxG@mBb?7EV&{EO$A|G88L~uD0v<73+--N=r(0_jQFSJHPQ!8c_ zg~P?|JLw6T;0A8m>4UlSxOv-b8)wVEmSQpn5L3k=vZx*p)iH|jsT=p+40 zR7wf*6cUlYDIiZyo}{v8vFpdwy$Z_%ZGPJDYSn3IEHECe2~C|IaJj}J#`E(AHmVxX-$AkzxZIcB$*77;886{Bw&;#V7001#LbSU|2F~)u z{U8nA-XLWrLc~7X#2MmH4F{(Yd5}NHfy>Yyr)1g{=s*ArI|wS=W-$@Ztda84CRf%P z2N@(mXK-M78BKTzEEqa&BEIZjTSBa}s*anBt16tNad?r7s=wrKC(2ai*ko4Wn0DFU zpxftK;)tw4K6o1gvUcOgtpa+*o+X1`iewg7<){PmS?*g z8Na$e7I47w+7ZhO*x&HT*j$^WE55ArbAYoF9g$49y%C+MD%TO1&ygb{{3!_8dOym2 ze9(PQ>s~ZbxSFG}qpDpfCC@lSw^;DTFqrApMsZjR^mv}I2nRs`fCW}jr=VFZ{6GH> BgVF#1 literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ENCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.ENCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..93bc67923666bed849963f0dd0ab8cb6cf9cd7e2 GIT binary patch literal 27681 zcmdU23yd9CdG^}-ytdbN9u|q?bjb5A?B31hC9*hfYvV?#u^SvGa`C#ebMKwIGqZDN zZsy_LZE%}3Kx{e{4Y?7tN+7BbLI?#=rM4V`Okm;^PlfO=Rf~B^T^0kd(AEEU$Dz9!ST*G9BaZR||DtW5+Xp6;2d@G7|6QoWjDR+_5k=ry-;;taq zxU&x&y8W&@XHTdt+toeW(N%YLN%u6rI)f_fRYxH~%`_a4S+SkvS#a;pa;|4(#rJI2 zZ#ETYEp;PvQO)KEuHv|m!?j1Z`c-X9Frr&^byW~HZwKvHP;c$+knr{Re+4 z1Bj8BME%N;o^CCnt%7T*Nu)B9kEB~ty4#B*G`7L5SbhM{V; z4$jJWGf8h`SBGpp-$|*;1H?$Vs$1^7^n2b~3;b0cupq(Hy5&vBkM8wUN2!`BJw0pdvrymT{@ z!_5b$r2`SCvfEN>>bw*uk#0VC5F%wdzc(0RIohGRLKsK6uEfHKtIP?Bh22c05m{Yj>A!IoJ->oPmH?Il)dUmbEXtS4Ej>hPF%sY$gKKOmt4p z@C0Kx%k3~pB4Ux>Bz!$u#Me0S#hDr>(%t#_{ak)7WBdS0AwP5=QwNd=V*IU(-0i~N z5%u@DT(Qg>c$q>M&*|DRA=VTG9CC+HiB2q3c9RJ8Q{9Cc3|XCB=^04xPngPG!6Zfn zwtTDR`5mA!G#?d;tE9v)7M0lQEb+Op#FN|_L#Ml-!dJT!))sRyfhzLJnCw+uB^?WS zM@zNp=%4Z`?4ZzAp=ANsF&aW`zgfVPXnQ6=ux>XM-D(G0TWc^zcmR-x0orC)jWz}$ zxL2Gd)oTYkMD%Y5+wsb6sWrW!*V-3?2_Q++uKQ%XCez)Yz-?`w1M+d|oG(DQ-+&ap z5KCd`blhsEg?jw3pdMfD5H7VDk$o{D8w+R~?2bV8jRLY=#G}0;$R;!{De15x3WTEl zpbsfb$5NP1*fn+zZP`-5ad$!VQeIU z8BKkz0|X*d(Np&yE#@F!_qh?;6B{ABg<&ry83HN?LwCo$_-;X#PZX9H4A~t<$oME_ z;g+vwb)GFGUto$Rf>GUKQ#E1av32g2s1kG;+fn0-g~ia&tfBa(C!bYJUrpC2xZL$y zE!**A7t<^6A>XFy-~|{2tz7JF&ucK?tdkzVS3jWZ^D^ zh^WnaR-sZ@L_SJ{#EmbcsxTMzoS``Z9u5@JH@=*$LQhNx3-22idMA7W_z_O6qnV+Q z>3~8G8hEHM#b^g5n%`j{4Ch)qHO&l0yNz|3{%WJac*8eMHYw5`3rezQ*JRAMJhyEu zl8hevFb3D`X_$t_#fP>1oF%aMYc%2mfNTl)EW2h~p6DMG9efislUs6>mL}MtQx?iO zvWgM9r`Dz8w$p_7>vwT^IPro>M;ym?q%uu_r=$ih6)BnWOM<^lQVG%7Y)kTN3CQhH z`qDejDvqvLHC0Ufj*9f_Qp>TcN>!&htzHwULUO7pdCIctO7l&{)8-dXElP?D=TOV{ zB*m&rw(sH6m6TFbRjer0LerOjyL@U2iIGN;To1pBQM(px~gHI*qr4yzoJ@#)I^VtOW1K`S)$x{CT%jvPL+IL%0s z^dzO#GU3GoTbS!wRGM4U)TSz}!1ovxbZC*@x+VLpijq(ad>VC~HBg_Gp_)S`F1&Ou zqo7n>+k|6PDqC?APf2yX(NN(psi~!^>aD1%B{{b3QC3TGAM)Y6txGCz{1eCSN8=OW zBuU(=?n3$vIC|?+buBcvdjnNqR>z|*Es%P8LmXe- z9UFu)irKw9Vpl+sh~w=7v@S34fuolTD_ahRnJbO^yx^Rg z;m)a)iKkxt5|P!m#ztAAJ-^1h)RN z1_m}*K2&AuA#BVephqxF!;}~h#ktB2U4=pG({pfMWS443P=a2EZ(Oh6246WA&e-7H z_%Y!F+Wk7B$c=t5jsco&o>l8@w)V6)0D@))PzCiet_P{ues-_Jy9?`ZYiAvd+mOS! zo&MZGe{xti?!=3b>B-ChFL8=wbyJu_WyD63F{uCSH-1h(Sd4>^mckx|(a}UuqEU@p zHSOB6*mlPjX!-YH8egB2=I@pkuxMXbCqXlj+eAuk#xg`0>&W9P8k9epXoQmBGo^4i!$pBdNJevyWVD~25YS8@ z{XQNU(_BWkN|?h$1ywNzf~M0fQ$MSkYkaA<3|l?Q84{FSqsj>AlSbfOF`KLrV;mj} z>mm?pWeD{JV^lgDijOcD6UY_wH5v0oDiyOe%Ec*=`GXB{b#QBTD3`GMq}##6*XW$?72t7cu!#1n+ep$G_LuLY## zZzxu*#B*j>^Go+dF$(dTzW6Aq#`6PJ<8LYTKI7~3!(Ct0MPn|ic73gbOT6A*g>Oyu z^6N*nn4p@=m`XG|vZqn=)8vkk$`qCa=NFrMAc$$2d>XWjF^@1Nn3EalID={mkYO2o zm-#ywOfv5eo|4a}Qi2jDRFEw8#K5uDgy#w6gfz(8meISiwK_K~S*y2BOO;9mfl^f1 zR0OFA+X!bzGU9b?Ye}eEFic4!3&(GgM)~)F8s*=3qr8S6hL>BVvVaTpSOoE8t{1A; zmSA_pW}X)&SxnfAag?|$Z)_P(lP-q!UvM`6kFnW3skqL-=X*IbDHih3vGQPS1w-i- z=JUo+VRYFv%lKa!!90f14aGAUTwKO4!A@+Ghe@g8MqxKeqg=h7+J=piS%*oNIvy!t zRC4klDgB-6DZPwLh4Ww`p2WB^5?*H3+C|ngNN!w(KZA*Q>vSw&x=bo~7^Fl!?XDp- zJ`I(rAMtJ%upyFg>RH0W$@TE?K4jV~AwLM(eF+&BZ)i%8W=F3_(2?}&BTtGF&q;Ic zO~=hwANfpzn@LM#dFx})vCsH^4`?C9`B#oY-(^XS?+Lx1!(rOoJe6I3W~OIavRf3B zteB$VVRq*bnJ2b_0Ka`=KsXs!!mPnwffd4dCJwS?10KwWv7Ayf{W=U4P!=mT81XlC zSMY6P2*jhmnHHCg9|+6`o$KMD3$F7;BIQ3ENZ&&{^ElIYC|ugk&||UxX6;NG^9roW zvl&8t0l_njsqRTdt1>9k{TXQY=!9G*=_+KVD?Vn`wZi;of!|Id0j`0*x+_$U2}IBP~aI(3d2$w{NWIWU+= zJj+90=Hi1rB;H{zim85wTb7rYW$BJYMD<%dDNUn__8U;rukxf{>4WND^Q4iZPTL>u zoj|~t<5#h7NSuF^PDIYvcorf)N<@2LB#rCEHJhi@$>cV1g}sf<6UQUpugJ>R--~d7 zY3V%*X8bCqU1nvzbls6Kd;#n7Fqyw7gwcPpH zS;bk^&sJ<_X|`2w%qE#DxIMTi%iL4Rc5ZRUpb(gcXq(Uwr{Zo-3?$Y2xK!VZAHSL& zp?vMFE<8S%0q~s9smZI4JbiH#;nhc;>01?qVf13AnaEX7Q?O=-zTtkfoKZ8 z?e5|v8Fav!HjQPG9l$hrPdo+gEya;*wu!xIstB{8i>2#c!eN#^*u8LyR!MF>7yUB9 zf1FrM>WYQlk8NmY8J52`yl-;;*17ou!k){6*hq=ZioxD+hb)$VD#Gh_ut&I)A*s~9 z)>E&;B~!vbS=KGxljZVha*K6tL_9N9DjkM%7*Sv~L~mD0w4^}}Jlg0eS1Cd)&V>sE z4k4P^Jq_QSVo~1vR0r<6Ci&-Bs29uyOCpuYxG1J6VQa6>=XCsyE465+Ykf+pD&#yw zj&Kr(!W)kIkdI)kweqQHX${3x6%WB<^=Z*IQMt!>kts+=XsT$$vTWd8Cn9MbtYvZ{h>z_Ng`1T2AYz9wOfUE* z0}ID}FL@l+)Y`JZC(CKqu)(p+C%4m*Qme_BA7iU3#qNcd@UB9d@1Z?+O~kHcC&qCT z@ivnvzm53Hri%g)Ip^2Za{LT)c7b;kxT=$;pa`aAidjQ%MtmMkz*kg#NuzK~CNb!M z5{f#emZ*mUCp2OMkre@s)COWP+$Rk4F_P^AAw*!1=256)OBfmPS2V5|1GWqZE#t_t zqSq08cCkXL51?2W-mwUE`9HU1xw8%xM@FfQ* z+$@A+mKdd6TrGsdmW9)}!N4UKu4V@;FbAyWNhvs3jfIQ}8h@ZrWd^~jclBtj0<8KC zWZf`U?aRZesKU?`7CU(fL)Gm}et@bQ`x@m6ZAdu>My*qniKEsWE4dgfLe#3Tq&@q| zv5Ptak6`a2Q%!Kw%m}bp6qi13>Vr1uX5;4jV;D=OMY+fszvkF^3edR505Y6%;a>0u z=0fIe>nJM+HlHM&;IKInb0u`TrwVmu5a4{GM{5-T=ckZ$!@!vhJ7ul zK|trV#WPZ&`6$c4nE55j#4+ z?{5Zel+DJylQ9;Bo}T;}ZTM2eJQ^P|;3J0+P>*?p7UW#SO9qMkm6C&Y|4Et<4iZBm zLTC9=p`HwabwBLULIqg&2C{A#>v9K)QH9?ENcTFEACT^Ci;QCr>nXZ1N>@KHEAFlVIK7CH_xq59jTt67Y zb?D&EhwJdA2-h@+?|+Dz0Cs=n&(uEMPLn1=Qzo$@B1_A8DJ=&-Mu-}KQn*-QU zh2H{z{i{rV0}V|ni`dPJwVro#qehwd(DVQ+vUn^P4o&Z3NqeI9o{oi_2r_ftBzU!w zsYo$Pmp)#3g9^5|k)Os3U1&4ZTJy5SXj$?=LWyaBGT^0vU%+i*>5Z}AP5#&Q-; zM9k`^tQ^exBt3zM#>?g@^X)g`k<6($mtZtHQ-|$E977-s-+b609AXEy z3-@Cd!sqDI4HtqP;Uy0$x`5;CZ46-P_&qm#L_l+pDGhyvB8-erDieJ>VkM*gc8!Bv!;sk zDbNXmlBVE*+VFNH*rTo@R1{V5d^dSIQdg_~66j6RDN7I(?YUN!CZ0@qIE6$dzT4-6 zNp@(Vj0Uvnh;|(1>ocg?WlBd+F*+ zL`%l_i^79Zk&w%=s5fZS!46c0!dLm{1E4iwGP$9fs2o1avX`z<2)@ZdF{x-9qE<(f zZ^wsu;#;Wb9_mui9KfZ9F3{Ay_OabJ2a_$el^jV#mBBgwE%XHNPCX-dTNE;n$1Xm^ zfe>?x?FwlJS5ivG08+|0#sJOZp*hC!eCEbmZihT4oklG~o}MJ+Z;HrM@F=P5vg%ZH z)oZXa(C240uW8OgV}bJMMJ%*)JlGGNY|7ETnxusAGbtCaGjz@JlvT{^mo$^YS=;#1 z51mF3>|p0Q%i+P!=W(`ca?Z1ivwf6MwEJrsPLsf?mk#f5kTMe?QZFN5^#c365&LFQ zhyxd(J$6mE8qk3V7%n5IaQ$i~9pa9myr!-2-bmjdT5dyUaMDg4U3d*FXsSvls9jk@ zs%2Tl*AGk?;o9_B6g2($U{ClhB`B-e;FxwH*rr-%>03s0t`ortJGW;y42F)*;UN;8 z&hKN2vj2e8Fa9d>awvkeJcqR z#wZ=XE*n1jz2VTG4+BowE(kxEpcG`$*hiLFnhWgxd0%@wK0m}Vz+4^Bj_|z^tR&hX z!HVOjLa`kd!A?;Dh@9~q6qe;~C(fc{J&4qVF}aiaew3GsLwv&1p?5)vnpNy?NF}`@ z^Ds_5AtqycK$Ku2Dw~yZS*jF(x#N-bxH3yIe6uAe0iSAg9tQ#Oc8rfqG$Z;s?BUqq z@cENe@6V#%N4L2jYM(%#Lrgk)FWSz9mhpmPxJo_V9zSM^vOV034aHm{aKS!LAZiFc KWaa&8<^KUhrXmyo literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.MCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.MCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..8a2ac1a174f7aa8af8fbf8d6c7f65882c1432ace GIT binary patch literal 33238 zcmeHQeUKbSb=OJvx%w9Ph;x=Q*ck1RyFE$R246`cl8}v1BrC!)7wg1mc6at>M!Pf1 z&aCdvLLlSdNO<^gc_9#N6RJo8NyVl@r3jD;R5_3oR8kcnsicZf!TEA13jW9!74r3a z-90lsv$M0iCmlXgxXQZOneNxGU%&pn?tZVkuMB z{L!*gYSwhyYdz7Le7JSFmG{RQ+M??;8zsHvuS1HGVOGlx-EN(0`CBNtXI9;U$Uoxh zCC_y1FuO5i3>zcoT6ts4AM#AEs!N~z9k%Y3v}&QIdkwSX7ET;F+M?7*Jb1spL|mk% zc~^_`HeA=hiPti=`(tXzy0O6@795}S2dk#7w@x;TnxE4=6jN+^s43NKgIRW|79*vq z=DK)^=OJ6G@u$&pvmX5@YNZPey+Uc4{)ne7(5IHM)tE3g8Mhc4jGg|KnVRj*lxEJj zdc&PLbNG(C@0vNS*B#gNoQA2pGYh6?G>g-yuvu(qB&O*~17sGR#)TPh@6K?pXH>1} zIc~F7(;CaMA1W8rOuN_$4HshAb$orZXsq*xOuMWvNs{J`VEhcKZM+=vy$%20j{kS# z|49-7q)0rXdU*)Xv=`7&{!X-ql4sIUOk0VUI+@-y#_&n6r8SM8HKrrkoHTZ!1;E%K zw5-&|R~}!s&==J;Ay}{3h-t}VU?X2NZFg3AySH2ibA>ZDq<7Y|y{YikF;8!3#i~wk z&z(~aD0}xzDf(NRT2;jxy>U^ifZI8os{=iSWVIYW1qFdPYNc z4X0Y3MfE)*Imy(M_}$9*)ok1GSW`-s^7ozHf13yOomF--;q5*+rR)#tr@D2mq|Yj0 z5@q+ngJ=fUNyhylmZK#!93ni<)hiTXC@4-yE_XoTy=UCVQ$*p6OhJn&fj_X=(qv7b zhIIKVk$$ln@Q@IoNWw)c@} zoz9}o`x~Ln(~u4;$KOoFvc_eWn3WX)gtK`RrF@g@EBt_$?XPIEZ~qmM_fIe z#nmWr#aS99!kxK!M=Ccv7&ic3NDtkrY65s9AwIe`I;!YT0j`AX%B;SEvnpXp3WkJ) zSo;w`smYcYBsxJ;@E=iIe6(|0_ycx(=X(l5|1i_jmoh<9f%T?c@|tZhGcX$zil?Z= zPi2)@Z!hr~QR4mF;G-jSz>zO>CTyHfMG>mV(;?ZLJ4!kf@}|0Om(iuwB^X<&t%Uso zJTe+mZNHwulx*R~K(Or8G}CVR>+8!fd3XV90yDS4DOxRzbMRYhEa+a#-z1xvmcJ37 z+`3*eD`u&6%^w5!)SPmYOyrh0W)K`M&vFPqNj>_{A>2QO6rK&GFmN_(wX;$^zLQap z&$kJe+KkA4Eg%~TXag*jMD_<6WIKq*__ib)VUA+bVMSyJ#dx6yDNKb@n2Ol7HV>>@ zm%(voL3C4IYa*L+y8fn%cr<_siSfy7@;!*!_`8^pw+a;u%er2Hr>dQGAe-;b0`I1I z*70o0JxIhF0g0GUZiwdbv6g{B(mAOC)ogY<3qtDI>6B|Lq?{Ok{Z<45Hqz>xY_CBigS28PYq$;8H zWn_xmxYUt}^;g-%Q~OvzysK9HV>aR?y)%9;P>)HV!zKKk|AjJ2wiKiokAl?-r{wte!xMEx*>8}J9c;P+6LidD^W6B}c?}HU+Dbs$9JV)@HVO6r_=V&Dv zYiIDGv|`KI{&1(|F*e>chW*h>vsz{AsKz6HPW7CUiX~dlZCMvdMvpv-^*Hucq@ks> zBgRh75?K5>S|kF1tn>M5KGyp^*=s4g9mi<#ccG!x4Qc8+_d$%xPH0PJtyxo!L>@Wi zXrtjYlsp#KCzT4G*jgSf{ITU%MYGGw>w}S#l0o40(*cPb7g6MGQb5+#7s$=Zh!%49 z8>XvpPltl1rmL3~$4-`gcJDcr@@j4h3zAn+(Rm#N3y$5+!P$N1)Pf=vOT}w09B;1T z8M;yvk|~>&iVhD(Nmq)xx2Ws3qLoU`hE`f;qKNz~igQs1Yt^bktKqrgva--{n&hlw zFS%uL$&cnJvo*~#X3rl!&(d;2TD8=yLLByjFiYe9vl-$IgqxJni`hO>Pk(2kr^BJW zqvALoyoI`o)nqPHNgw?|YTZ=S@DsEm)Fu!1UaUMMy}3gu!7O88+bq8t3*B&(v2NtQ zdIgSU^6FXdCKe_vs+B(q9dW7`^>T~3r^fwzZ;(!Ah|hWqC5Q9LLDJq(RQsfSAI}uk zzIIVrAE7EiPIt7dr|@V!jeim~wmyn?qOK3Uc%4S7W{P$VQkRnTX)Nqyp`;E=BtC~a zWh}HyLlKh3?^9~t{s7%^|EBbg8(F#}hms9RC@Yb_LgaV)YtLVdI$suoLcPcQ97$O% zR-MuXS=L8@Mu-lW2WqO9ipo4fol**g!jy7&{_&|Sqc#=|09^q0F%g_+s4sLhE{yZAl!TMa5XG#G1{0$# z=!#@@AZoH##c9tVo#a0IJXCa;mo2IMKM}($RENh>Sf7=7y(z|vXsGi+-`N~vULyMa z1knhblc+59BjSYhqah{*iCi|1<1roseaHE2tN>RP{f+C&r&DlUnmSsPWVF_k12TyV8YlD8CaAQ z1wS$O#Vq2a07%oyN!IfzmWE|uV^ECZsCNP03c34iX#|V$Jwlkw3XSKcXuL`xQ@Wzn zoFlAR)| z40J=HtoyR)vMQrpRS_}dV2COCf3l)CtT*)4*7xwXK8!!Cd#_jWQYWO>GXAtV@7MX; z0ygzp-Oyaql^Kl|8pbhVk-hwunjoFszt3?tA7pHHPAdB>c*q3BLFh~Ms#!8U#6g4+ z6m4D%O9Sn=596vFHo<0jQjmc02+)yYB`hvG>n+G1nvp?L+yIIBkEl0ZqRL39-nl*m zz@qA+g%S%k@lr`l(RB^cYp}vdfkn7aD`(wqrvmL;_g z;!gl7d^ixdl%Ghr%auGigQpayPO;h=oBD6S6hsbrs1(tdq7JINL!U{JZ(sPu855vijMhhq0ltzPG>t3loew$C9ElH2J zzmNLWcS$-u_ibU^USP6>V#kdey_RVujawXBB`^E9pY*B^48=+Hgy{dn*y@~AHfH@| z>IN{>rMq*f#4FhmQ*T~L1%=$RO;(_(0iceCFQQg|)k;d=jZCYBrc*aqyoXm(!Cu50 zMEuOME+5D^@ir3ln^wZdsZ|v8nO+5*G+S+*JH>3Jq-nl5;25<)lBb^R%0F~LlD_TA z+&yqLgwYm(Q3*{6vkQSOk&J|C*PEF7G#c8nvU_ef`31a&u93BX1E7Y;Gjp0bC*sQ? zlqv5z6%UJ1letA~IZ|9htLvC~slt{_DQ9h!W!2qteC8F|u3VP{5E&OfkV!!!jZ5TI1A<_c^|^f9 z@JV4S!sJPBB3*cQU%gQnyGL1XY%_NB`UV-hk0wZUwqVlq^=tCU5p)< zN{`0wGb^c}kb9=F!#*gnfDwzuNWP9V;7?Y<$(L49)L-dU)JZ&U)4vovZcj7!D&SCj zAS!qE=dXNd?)fVpelc(+z33MkYa-1_%CaXr@<D!L@AK>^MZA)aUda3i1z09B- zruhg1XbpbbaBVJ_Qeb`GS;SO@EK9J{5e5gd568p8Ua8tF>t*h-r8!B>bY&;A*qE1! z$?fq%0-D=DL{k3WzWS#?=pQmEw;?pW?j4~sR@PoR94FKnbR~S=j!dgHS{?`OF8Iu4 z(jz`kt)zlN>Y4Z)%{@fhM=zo_Kd_S0XID|Yue-tGJ+qPu_9EU~X#T=jBl%S%;>t=m zD6OK1jb25ZG<$8GI>qdzq|tvgFc?WZ$wN=(;s^bji)^Z|rS+Hz>&_k~Gq2`J$wQU3 z>6`Fv7f(9T1J#>((!hOg>=YZ=u?MHoEaJ2W*|m{79fZV0zBlPrB-&5)rOeMz>d1v} z>FKNSee^}LDET0H*IqY;ax`AR8DCZ%34jcr<8je`hwF~R*pEd8ET3- zZ%>$2$5q~-HC>z!Q8K*Q+^zQ&J!~_j$frde@lb)$ge|Q%oT64VvFL}h7T`9cG(~M$ zcTE^*tn5*y!mYXc7cnhbo<0dDkD(kobm$mLw1YS-IMEI@Jc>v&G2=RhxVLK6T%ZuG zDP`ZDy>}LJ=kL`$g&!q>C^Fjbr0h35ukOyy%q%W07Bo#W3r=HUhK`(ICq)$MMtz0~ zV*l*DbEb|NV*_VWEZS8^E6?10*Ilofx%=)rUwiPp$|G;sc^*7OK=P$^h zyw$#lKh0unh4v?nbLd!ajWg~)cYR9y{FNuKQ;na$^3?Szvg9K8MnZ+i15VyZ7Mm#b zUtj%EXg@5|_O?zYar>zS~$C?HB79eF<3R(p(3#uV2WF~kHs}dfwlz8m;@a=di3bbkq7QcAo3BX zhJ`l-z&>EIFb4`lJ%!_j^oFgR)=SQU4alePha(T1Iz6ep87KbWV3|59vv1G7J=u^A zTVo?0Nq5}>reURv6`XETqw`QG;#nnvZ&ry42W@v|5s$~Q{S>lN<=U!bM0jmgDdJg0 zZB<@dHH>VQ$RaQsqzd(Ng}^^2mf*f5wUR%uFIWu6Q)H|MM*5jM3E2N{rk8Qpf6q^} zU}jBe0apT`;0rgjbHeDz3fourWaeh|I;f=9TN7$+{f*ogKAB~I)?Ooavt%zzRCYy{ z%=#WA_Gb@oh56!WCE3GI$L%47oQpHotY^B}Ln7F251*B_YvhFP z84ixE6Kg8r?+A78?778gM%Ok)GNusJy9x6nM5B2cq7b!)T5=FLhx2cwah3?Q?0BHu zAWQFWo1eS1_wuEEmxI4d2u59F8xv=sMx`VbI)OGVGjSPID5|YR5gDVvpZP(M1+ZS1RV=pJU5xk!Ac`Y zv01`V8--j>ObY4vJGF@5$})(AZoF5qqbJ<6hBsU+$ImVR{x9tVJ;Dx`1_Xa;=s%Ph&Y98j$7r zA~;q8N+lKR=!k`-^2H;_2J7@|% zv(qb4e-yZ6QoExF#-Z3f#RHEPb#uWWKQW|ilMZM?SRu8ju{Fdr!I#V2%2c;lF??+w zQ>~$-f`@U|!yen_)rJhTJ}?5@=o2Q@wccVRAJ2qJLOS3ou3|szYF7lI z8vi^_pF4()<^4f+b{mfv93%5s?Y&G5pE&l+YX)@ZRFvQ{=$dCy_M@ zK^BL&#Uhlivd@cJ!){$`i-u*(2f=x76B!Le77L-tYt%*^AAl5pnMo1NHQBSBk=m1T z%k3GBX41B>h&6#{DH9H;MCrf8O7A={q~?AnC7-a~!ID~!;7`0C$Ggxb*#-tfo%qXW zyz?B9?x>FPDVxNI*lM;W#~VzVUt}WcLz>ymb(y3yVLimCT5rdnxZv|$8{;h@vG7G7o!zmmKaaqXhAgR2R_L!hrXJS&rHWbKp*nN?8WDU+>i%8& z+EHKf)<^KYH}HA^DOU(y|4xO3`zQJaFY9+G|4*l&R#4xy4_bfEqzBNty{Eyg)Pj^# zZo%vxAOLH06qz_+eVdisQy2RdOWL)MoVcL_?*Q>`Fx3b$Zy{N9>;gY_ka;tzlhqF; z1H{`iTVbvrGJi3IuxK)rHU$DlRi@6!R?nmL^)MXt}TdqEZm^2q^?d%(0Lu zsmC47RG5A+^H7(zVos0r0pESddfk|LOA2O2HD3Fud4S0esJSb9)+#j~Ws!S(w)P9S z)F=~&%UM=rPjLAfmb5Ee&ID6>nw^Kz@4Q|R0Ak*$^RSwC`t0yCUA)39&+Y zqZcs)Xk5JlA`Jbrgjll$wB|ANtNpg}YGde`5JSbnbSj35Z@pn?+FD_Ro;?+lf}a0I ziXhNa(2#oHe`KmjKj`@{U0NsuJqN~C2|a`Qu6^|UK9gQwLq*EcH*mfLq87mU-7XC# z&BXqhCG85F+m9rjF9G7Ee2JiHH}UlUXNLOrqIXBu}8!}w=P*e(Bog`%l;fm3a;ObPSs`LX_Ki{R5GT`b# zWL=fPo@kyQ11H8CnDhWww|4icO3g>vLLIRofJ+bYcAc3fUN0enGC2G@I1D_Q zC(lp!5%<<5jwKg2@bDxf2uxuY09xZYpb)zZQ~Et(BW#Us(Y@wx5|2Fm=Nc{wbue(H z@OwJH0ue!Uvy*X<^+mc5SnPF+Did5{JS{d&PuFmpaq&nMTh7FVVEBR1G2QiWYc39q-N=i<(UtZE{LG1;%?6z& zyP1x9r^}S-D~@|7e36dEj=mfp@Hf+C(l`lAU80~y95?N6p%Az_;!$gKc)AOE6a0-{ z)!7@BcDn~>n^18ggSg=Nq`wIve{?Tb6(^Qd(FOdRq2UfM@pH)Et}h{86IJn=ZuEAj ztQVULptpshi6AICM^e{ncr)hVFm#>xZe8`aupmJdA(IZp8{!cArdOGM?KC?s|Cabi zm7UVAVz)}UiW7IyYN#7d()YJIO%I`l5|trF1@|#0z9dLkZzMh5!s$jl1i5dCe@JBZ zw^1Ej2nt65)T^jd%imnp?1d&y+=ax;_`M#te)})MHb;b0s%4$->O?VgZ8VMvrl}lm z1%O1%vWiubin-LnN&j02L)7S%zn)Ge-&}6i>T0NU5G;FvI8p4F!5z#Xvz5JpbZwWK zKYCSn^=8>oaRo6_ZNssMj;r&4IgyiTNeLITVJ{9{SO;1vhF%n-i;4&?M}pp9O!=Eo z85jD`Z&-!ah-7NTtfF$bAA6jhPzWwMrhPnU8=_W5lW)ZJ=;2SO=yvK-&>VoJfi6(P zNtq|M?e@3S^?G#hJ5>f(oz~G4z&rH}|EGfJc)WITy)nYPZMI3X<=;dp83RbE;>1@p zkB8p9#i)!tPJ$|8N;hpXP~jbc=RHi zTGu*0>hFY3*04h;d2+qDd-|Hc&0WSV21}UFFBsT{YCwMn$x`4BRd)5AD(=3!ic7De ztMF8upsfkf?kpKNc(;Ux=lu;*W+FuD3r!q5%`TZ|H^&PcxCZTUN~T?b4g|okgP_7~ z78B{r8YwSrVP(CM?t;J2g3jQK>oU6VGFUKlT=;s;zo~>&7gQY=#8y=VN#kfDx)J`W zzg^sD4`r=ZIHq0mH|X|7x>KGG!zValCuVPhxiHZ=JcNVOHL^@`wu33CmIp|M+F;K< zT|Mvbh`ps9fb2D>Re~RR+Dvz@Wzp&X8tt&cGaYZQHQ8{QuC5265lYUV^VaR?{?@JZ z&wpai0Na{p?E}7Av?-zKk5O7OaFmm$zQ$5sWvQ+6mbPBL-7d zv^v@s=5yqTc>e^1Y|WwG#|PbawN9gpBGeq69Zl^*DS5#my2V~^3|}+7+9-}u(&_btff0S0p9M65EE7a_u11G9{Om>N+kft4SrLb{VmOEeEVcc{sa!movlJ znaw;T(lQYlt_=~mftzU3Bxs#}C<+Ar(8u=x1q$?I1El>23cGb5D2je4ilQxw{?5HK zJ9qXaO0pXjr~qnrXYM`s-19!?o_lBX+dsHCB>#z{Vau|;or+nndw!jViI}MSwYbT> zD7lv`yqWAJWic6;w?aP-YCI7`7*Vrqw;pgWxsiw&8XnnhSV`xPhrAZqzSo{^jap;Y z_>H7&O^VUTj$E$25>I$Ms+n%3$)muog_WyUFI`D!I7W|L<2!^#??G=T3cInE30$JY zniZ2q8+q%n7)xO#v^l!UM1F1Yu=i&PFaVo)8ftLrWY;OmR|{Z5H7#+E6@Dmv&%2> zmLJ-YAJ{xx-m)Vrt}bEAb~P}GP)m&fU~c)r_A;;!mlf8_h8ahG7&n_{uv_?HC{iu= zAY3H~L5DM|hvKR=Bt~to&UZ9oD?V7C#=fm5LE+Ef@3Z(ji@yb;0mw*5Vt-{&&-S*! zD{+Qc!pf39%=TDu-Gx5fvBuV-#Eh+qqddSiq(XdA^r zK~zo?BIP=dlz^?Us_(n(dG;mK4f%o;8iH_CLNGngk0gDyWyJaG7d{g~s8-lnxu3Ha z7ukhuMI&sPHNL{yL)h7i7eN{+yK`bx&PYkcy|({lpfatN>J z5X=H&#PF@e)VV{Xe3@2_tGqB$A0#Gsn(m6+2lTWRaEReep3vMEG51O;rSCqHlqvyO zPBnJ9=6emh&b=C6CI(enyDKEekR)%5`Hc>FspP|@uBQrrW_4H!#*|_ntP!bJW`V3x zakMCQm5iQU&vWYf{i$0PM<8NLAdp-~Ow+QGzw$TNX=*vvHW9Fy6VP&@WD4O)iEt;j zBe@xy6Y58f*PDaznjpLsQWFHaKR#dYiO+F~4@@HH7xBQgVG%Sk{!}0JQRK|juRZ<1 zQ%Uh85lMB8PI7=qsnTX_)1Ksn`Mv&x5yM`$I=lx8d{2ta3At-px)po1DDG1H;gxJ< ze9Kq-<3TI7x>x+ebj54RGeR!=X!f7>2W)Nj)N9(v_uF7c$hKunnQC#b4s9}a;C(cf zr1l&VCP(Mn`l|t}>jr-k@alfkw7o@~%{9`YAA^2>0XJMUVDEPkB;)LT>HIGPcG{oL zLt?fqFn)`}5Bq^eS26s2TUwsarNtQ<9vbSuo*4GK1?ImGC@{{^fv^Y2%%m8zJsIC< zYCbA`Vz!C&S6e=uPY+y-6uDu>Ze-jv-Iy0QC7uZ5R?80}BSd5peJ%DWlG+DzoznzW zYGi*0l^N6TVBozjLC|C~8~9BOOx;#ybv5W0ObTKU#X$- zeQ1q|iALt2iINfdH3Jqf3KQotZRxFd5=55tG#x{de91bk@Bw~bAfeFQ7hGJV z2he&1JV~~7D==G@CUEP&bZBVks<~q~<0iYxO^;p5<3n~O2>gJR$)zk*O4lsT=qtN^ z?uNnakeRG*HyWH`VB4&^oSCgw-~*O4f-Le`geg~cps^9J_kw%{fLToO9y3b;$LxAs zqhH204?OO&7i_o6gNVt%f|Xxdec@$b@`{?l>SknyJYp+Y(OTKupbx~iw=eH)lK&6w z*Ln7CZIgjGA)Hbg91v<-fggKy76ox+G1sheH!NkaEHk>jyT>*VcW&H1x5z4$$|753 z8vuO^ku>7bR@`2BM~%zYU*FqYlzW%t0;PadEp|Qc_KHBahRQQE#3ca&z+l~7PbQ|MOs69k&0fn=ETzvDny!f`$~sV zKmvBW;rkKdXl}sdlY}7y)U3=1iC|`AhRWV(NsL)ec}LQykaYm<_LKliztHe9j)w zif9WC#`dXdFJ^~27DQOgtZP{DCARE&9X z6R~QtCPrmcg)d{Ce+vP3vY+M@&fiIab3USvGpmyY9y`B|r)@80%3v+CJj8p&tj{4H zG*uLcBCB1a1d=t<2v4ep$-Zp1T(f2)n9suK6wdZ$uh4B&E~P2xe-e7Ks;nxEMgMxT zCsG-Yr!~R)+=2%5FcJ+NXdajihyw@{83+9QLu^`GeDIF4h+#XA7`C;^Cm#v(BRa`* zL)D4VK@3$UH`7JA`FmY%zR*Vvp|Kl$r&V4$U-&!fB9vt=ZB1ps1u~b`}y#U&#uaVMZbSQO?-a2a=W- zY4p7FCHhclJ;^()y~3jE*LS3#nR#mvO3Bn$*VkBda&~HRdb7w*2prK{9I4gTbXf|6e4;R^W&yZ7jcmw%8*1ZjhUc-kpkcU`VgGG;Z zV{83o=2%h{7!t=agn6@NnJA3tC~HOFt{Sg%y94-OOTMcRy(tmxKU9``3l(81_QGPh zcFm4Z>}?l_tq=9mu(Joi#lrAiy)Y~bX<9MZdW&jks0KTVbk6ITpAknKT5KPe(brt7 zzeBswTw?!?P+XbrIb}`%H_(+M?y6)=B>Z#3=L5bufRBsF8mB1__ArdV|iCY3OA&^os|8`par)mNi+Y z)AMnhQv`7pJs!G+E4`G}6?1>CJ<5sj5kWn$=KoD64q43hDe2ZHva+Uz%K8LkdNszG z#v=RTO&dOBk-Z#yc4V@b5p&!!w~$X!&ijhv+=5H{HPm-kN>5!2@F}bAC@yCm9jpoW zCVd?_agWF31937&Jsu%z1b(xf5@4jqI5L(x9q@&fr%Es4>>xn%1H33^U4jo+g;(Z# z?5c^@8;`Rub2IQTzQWEweeStRY4cZ6eph`X7)FOd?1B|Vt(E0v6sKz(b!GzIbb|`@ z1cb{spL=?Fn>KsyIkWwx(yBKuZW=~KMW3=?N99mj%@<|f)O{8TzW?<={P_>XpMS$g zTrCDt&@kYVNyqxTwU4u<3ZY`(R=1;}z&k zVrRS5L__XG2Xg&m3o)XOCVGH_jpL0tuoLm@!|9(qxj0U!%sWIb8C4EfG(0?^wZ!xAF z%#B~=k>#VwE;SqN-??%B{DDbN7<3tTYY|nPDNqXGbYxa>!WS4dA2|R{JT(iS#@v0o z-$vwkacpCq%5&%UvQNp9D~cuAUQw?6)+6;$eH@*BE9ahFxuA6kUPS93+Uvwz+S7?X zw~F>U5wqGa1C%OuV*XAE{|v*1&ohkj^>%V}W1&=n8$w1E*HGp{aUykZ<@H6jdwr2r z&8TMaI*r5GH90;yX>B`09JOxQH@VlH9%{KCc~&|THETGHC2v(Y6;8XosDHEr>vk<+ zETUuNRu{j?i;Y7X9#9x2Fy)qA$GO{TiG;4M_-{&;bT~dT0l%MEX^>v+f&}D7qn_mj z!uxRG-|D%cQKZMgeM%DI@(Oxy&<(Kym#&z~E)?5yR0Cf2_TuIS+bD13jNiDik#$wJ zlP7WRfuSnJ2N%**SKE>EE|Ha*edokPhKFYB?$PVMQD0e%$c8A@x-{0>rQVNX;|CG^ zn*?Ou`361)Ma0r{LoE|kN7h=SobO|5p81Nyv`jHIyDMMcLR6OQccox@qAX4gVu5Vb z{PAOJTvmrc$9+jhFl@SDBQ&nj2%T%Wujy4|R;NGCpU@;URbqvAbYG#cji(rBqW#bGwy$iIo%itmVCLu_G4dhJ(ZACo?LyoGn%DA0+&mg;!)9%(sF`8a(uMLSo)gaa{kQVuV7*1Q%&w z;te%tLo&E13*w{}QZpAv4k|$HY-n~~RWQEV1BOnn?1cK78lI;cDfJNE_eYv=eGxfW z){&ZZsCLdNtJ-qf;oZ?Fn->4oka0vhvK`#H4vyh!7%n7ezsEgaT`}4hQ|VU~nC|1c zhL7l;x?t%j2eB%32wNAW(9mtEv?`cyCcERclwK=YYBteqnCGRP_r%iI>D46yUc$Z) zE2)$jAud4`nWYoDeL2ipq`AXlCOwBU+Ly+rvM1{Dn3zD1E48iSj@&HbM0M#6#XQ<2 z8W+dDO3l*R`OVQaF}cOPw7VQX&?k#_QJl4*C*g=%21ldbHhz}UpK;*g*EIDS(`7Sy zi!NjecC=p1{LSjHn5OG?=y@=9sCg9ajbetb-n5VbH|Z8%2zc}A33s`CVo;|+cF;%5 zr4!N%aBE@;J;2oA?c(^(g%XI8WuhBA{W&UT`3`bKY$b}r{OM?&SK}?fo1r)ugrY+@ zZZ`2`GD6b}C%lupVn&`|8fYf zvAM-T@j8AV!o5iGM8GMJHR_zMZeSU@RfkR#neh^hChfX`Qf$NCNzi~kLsrDdABjWM z3Oikon=PX)bs(&KV5qI zM%8QZhM?8K@*^mqw|_!JXGx_XIWU(NRG^8Y#jD58ikTK~<(Y| zDyoH4)#j}b7tK&u@+y9?wVa5PG*Tjfkw%2$RBH653n;v`^x3DM0X=7eMy&%pJ;}lU zYzCe>+DT;5{$80+@-Sb1oXEDubG(~!xgk)0{zE2P%|_rsR-k0$2eRRfbhD$skD*q%5Eo+89J1J3hx31i{tvw zzBpOKsBMGe!jNm=#xNZvfc1C9Y zu5!Gv3e0v8k)Jr(2{C;$BucPEHQdP{mWd;Xgj_HTtbyknzmz_|M>~EGJ6=5$zMZ@T x?ZU+t=qb1qLY~yZZNpS}e5CzYio_AytGRKVL~x7DNU2V?Gc_~h&*N(4e*h@PP@Mn( literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.NLL.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.NLL.doctree new file mode 100644 index 0000000000000000000000000000000000000000..4242df0d426024c26a39e21685cb754484fbeb48 GIT binary patch literal 9383 zcmeHN-H+T>70>Qwc6KKFnUV#uNpV$5X4Bo7rmYIB(og|Ksj+n`vz#lBPOZKE)zLwPNiYRf1dn`94 zPWp_ShF9-09y(@JZ$AHgLeKy{{xaJoDh`BsJ5jVv_6$(M6MI2a^a1JigqTbzZi?fc zS@Y~d&8HOVQz)2O)#-2bE893 zi9Kg8+0*uEd%`{=-fVPz-Y^@NBNj%D%inzR>rXXaWW6AAcn~@)YIGcK$E{Ty*lC3Z zv1zp(0?kekZZ$xC)KFA6bR*_L6nDEu*e|^3icyXIY^#S6*zn-`c-*p&iIU@6Y&XYg zB?S9RIJW%|`1>&a9>L#P{4Em;z(t}F$E$&Pj^BZx#2Ls#t4Z!?j;|GWT|QVe_GFVM zMr=Q7uMT${7K-h6;nYoXy8fIo`MvojYmd9a1OG+T4wk#EcAm=2c;rjuXOw6GZ zk6*p;Fo)u-X=f$bXD_a37c$Ix)H6)BrVT)}vllOd0a85|MMq@W#;s+!u zMEQNkG^MwT0#8E>m-85m0{g|-PGaO`KrDNSc8y!C0GS68mEEqlCeHy=?1c=vw#^b+ z`yAFjo2sJtRH~@t+(?bG5wZ^UiJ-0x2%_HWuaT}oUHpy~v`4g}K7=M~Ru=u>`k0jd zw2~aW4H-}7VeFEaE2>sKW9Gi`A!~!fSz8k)phv6Vj@(Dg(6&;z@}1=wYP&Hu)=^YV5mkz$DMEZWHE-;vCZ`h@46MQ+brwx9pqmByg)VlmZZ= zzGa_L3<8PI&}nm$H3OgL?~c6luK=yl35}ke7yLh)tOFz7W||jtG|$;$o?{1rrPaXW zWvv~AS}zP*M$7S>h&!e>R4)yuW4L*$&$TsU1PbezX+)fbS`hPI%%eOA?`szG;g(0RrjY&36*=c0 zattTJR&Crsme%SIJk5Le*Qs+3>w~=h(k)C3$qQ_@$fC>)CKbzanEsf@RCIlL`y-Y5 z5UTV6)M!zhK8ocz~Ict>ttI{&W` zJluaC8$$V2YTp%6B|XqvUSMwJwc&{kx@@n*R&QueYpWZGSzc@E*Zrr@-_SN-(HkwN zQ&XxzkIULhwVFxhp4KYQB-b1t{#|Q3%(LWuL7a@Z;af&%!TD}GGDy_A zPRHh&;YESgf-lFF;70tqb%TiDpFgi$& zC>VFT-1+=niL)Wasa!og+6p|{v<&IyxzU39g}NDdNO)MDjN7G?$0fX&-?(!9 z{Eh36-^hL`QE|Uf*iroSQ{^h3LE5}_{;9PKxs3ZF@@QnMVll0b;D)Q`rW3J{d(*+C zVol?nD*oxZ<2zi}Ys>W3Wk!UYwsvJj>#u0%uC8cXNYGah%v!MwKd%Aok^)Nai9_Pa zI}eMMf>67EFKodYLIRN&aZ#vb0-Ppu)dMIN=bnF&w3P|TZTLYqxq z+}zMMY8%6{#B`7O7IFoB7j>c>4dSu8MVyJQ>^aC_3@?Yw{Sk3hnf_EpO3s!4gr;RV zN>we2SA0zzm&A$jULQeDuTObnF=-@z|Co?0xqJ9Q+3fII#3T+1`%CP9p-4!NUBmGc z_ZHTPG6s0RhvajD_7ErV&USmAV>&!}S5EI3p`YxD3fP_|s`f3^H2Q04a(Yu@RXJE9 zmX45xbSpn3s?Xe??qq!o{Jbgo37Twfk<48d1NyounDN@8vMKf5%I9aiZ`$FGP1pS`5q!)29sS&Ne@~0Qcz~H^CnaUP@2&J>oI=$i zj=HXMQlkZVsU4~8lu zO}U}8j670x&f&a0%M5JAm zWKq-YjEZoEgk_z=)wFT3>U$nqENQ_ln;rBT)oj`TBh-|8O{Ax$GzhJgx$K;4k#VB1yX`mO|r3=z7YEw*y zXnTfS_t-XSXY1plY8&3*wImkUE|Mc0g~w3_R1zhNwc-x&%~E7Yku>l!ql=LW57D`! z6Crk-mDLlS`DQ@zHhL5>Z?ArBRdz#87bkTVhC!&?D6M#?=g9(zgGPy%Q+@*T_iXbHcfYdodbr$AEO;*-hedMtx!Oz*SZH}O)ks~bU?^*(4=%P6=nN|87EHJg5^TmeHaTSiYD;Ix6FnUtolsj@ zlD&|AHUee!+RCTxi3#R!(}x>kO1TqRkDteN;lMaJ3NO^0lZvwdqM%w_mP4Ut_)Oyl zzD_8NQaeBn16zCWLMbeL1p@Fg4XS6?gpIqK_+KO{G)y-Z0m+HI$bJalQOJ4RLl^94 zV=a;t@?if1=@R2 literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.PICP.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.PICP.doctree new file mode 100644 index 0000000000000000000000000000000000000000..efdb99b7e4b94794afd4b8823910aec519389f85 GIT binary patch literal 32062 zcmeHQ4Uim1b-t7Ccl9r@0-Ple7+ZVJ-kwf&6#F8p!17NCp+ne~eIP08+1=TjncJON z&&*195C<9aBf%6u_L4wh1F4XZzcN&%QYiw7E2$Jopr}enr9ujla_o?pkWi@Em%WFT;o_@6bNIUOOI_i1XZaEdL?GGVEMK|hIN3+^z+x~V+?iqErDDscH zTE#PLE6lEs>SOx&*>+x^^hZ6zt83CH|0R~@Rn&U1p?Qu`af>I99X;8m;F9>bBXax>S$x zN?mnbyu|NOOKtF96V+BTdMK-vWk;(~nwCHAsY~>!t?$sM^sV}}`euEv|LAPP@@6Zu zr(Df(XHVU6%Wa2d@70>NYk0O}XzuKi;pwgN461CD9hC$%Q*%J(yzMN{f_rzCb3I#9 zTb}K<8V%K1jXjjOsAf|HS9Dy+Vc+pht+GDkj~Z50Takp#+d;n$_10er315%@Z@~Zi z@&7c*0AeI2QNKK-XIM*UD}Ns~iIQjXQ4C9ompk31b@Z_XudTN9pVnt0@hs^3&dddAg&y zx?Qi%LjWF;oMt*o4DVnJtCnSZtU0Ax`3FxQzTSfl&nx?x`1T(uD2IazmfWUV(dLyf ziL(F55wryBDtr71G058y{VIRHF;)ZY=;@?s#*j`xvt z?e5ae`&*#VGY}9f$KOW9vi4=qnk-Y@)R#$sjYxoc9etWJJjobNayt^C<{qCvM0`D( z#n%M!#hIEQ(%t!aTPi=h89zW^$Paz1ZUBHJF}~}{=&fOA<$We(S7!CqoK*=>Qh+2R z#9EMGs?^aIL?=*}5%v(Z#mBq1g+FX{_Q0ng^p7x2eJK+(71(T96|dESHN*2kq4*V* z_?fH{o1G;-ElRwf+kSL~E@1LZcf$HZsZc@{`B+Hyb_gDKh4O@d(6Zm5RU_BSrQ1+*FFN+SEc46H7kDqt zGmmFe?n5HxI7q~VvM!p(2V6QvN@t}8EM>FXT@X^wPN&>hBjv;(?6*2VATSj@b^p<9 z4$^g>8=+mH5we>YWMfJrp|U@Gd)SL_mt^_D%<}wUyTb^X@24!>^7X9FCo;)rn4(F4 z%&^$RP#UmonmZ6wf_{c})cj0lF*Ks9sja$K!tA1@#cSlh#BDX3w&RstOy<0YTQ*HT zFTo&~Plpvvw6D}5f&t+#Ln2QANJ5@~iJ;kf zR-u?#L^@Ik;^wF2DvZ#oLC}5pL!<_WGfOc)m#j!nbPz181t5N^%fdznHegyQRzQMk zNpGUMoyx3R7Y%zOGWCN8m2Beacp!-PZ2O0^iKnZtAihRCcr3ffA0-~VjWt1Ec+jsv zpUSRXmO%T$gWt}ipNR+kR^hXmMRdUfPCSkWqinS>=sDsk>NS6sS)Hh&zK%@&AjG$`iKiokAl?%pevnN(U7-c>2qD;ql~Rj;#kRQ)kOSMuyi2}`t|+cwXUj2?Rz*5lY)k%pGi zj_P|kOJMOev`7R18S?phe#M5LM{;1w9>_^r{9SU?rY=og7j<<0qjsYSx1e&;(W(Y> zVJgRjzeqW1pTm52i9Xt8wQST4Z&k_Ds{6E}T2cw1nnK<#ViEojdc=yc=6G1`#4FA9jE0ICXfb!pic>0}E~#m$ zaQIEtiVg-)n1)}%H&#?oDTO2fMpYLsJFtT{s8S%P0$!+Ij^270I4gO(%=|=E$gWap zIcjB9si}3;0}R?c_YEKrHUnNWw;eA_t_=7(uhr|JJ5{R|6r;w9Vl3f1oAnaY%^Ql! zeMSS5bk)-AmRnyX#x#Z6CeAx5VkzfY%RzwPER7i^b&aO`5GE_p)m5iy!8esHc427u z`0u_#G)}^#w8{w-_qg_9T3d=K$3Wm2{L38S*yA>N($CcltzIo9T*Jaeg^(cj zS%MV)g`$N-&ZLJmcQSA{hkjQ1RV33d2{!b-JZK_9pd|E=O#gyXPnlm}qGe+Xnv{fG zl=%FK+i&}x)5hl~u%z(xfaIFKzPqgTwm!HObU*bo6>D>X8%1sXz-;nozjVYjFt zL4-yX%&J!n#C}n9g_5^c<`C*)tsKO^#bOcvQh6B090ReCJEB-MYRoiveUdE@)k2J@ zu!;x(!oUSJua^+gVOvX*%zW-mXR|AWImBJ-=C=oG?0@5p{Q~}=kzoszyoBlWTDAop zp4B0LXTYY`XzHqKxH6;BEN~BiUUtEnqa$(B**dwIQcsyf_|q{#>oP&){%mqmYb(vV zQ87F?sYCa6#}czS4%+br=8LjVn+?Gw53c?g`U*L+O)fig1o=Z19wE&Q%p`w^y5lRU zGAvB4pYABCE?Outn~s+{5olvja`Yl9{oqysk*HPAu5bqWVfP$i9?;;_eUJDP4$h1*HJ`37?37I^=(^(LJ zXcOhR3s1;H#txX+2QNOqt(cFq;i^&lBcOna{GM=0D+2 zfGT`I5Vw`Tk#J@zd2-bi6uU_wwJLsvN=wcfW;bEBc(^B7N@hCQ44j^rNn|s=qJm^1 z`ZG+20As}kn0lU=|FZe@Tllok3e7QJFr{fMx1}h92M*@Vf0ydxcX(Vyf9`l6b*#q+ z>R7_My^nRQ4(mp*WuQn}w>Y>;K2S2cge1lb}J=K>%{@bs0ETd^<`Jy+oJ_&S~rkgS-cyI zEuk+wFe;%bVRj*~C6bXaEUX+Ws^h4u%KpXuv|Q>r8rB7?ii!nXEIAr8EDTh^(lnO1 zXb}xof->b@yXH02mFe7h>Is1t(T)b5|fRV>tT(W$hcTipB6OIxJ1rUKoG35K9?|j zQc!^~dD5Fm7Y>ZZ4ODkiK@BX7T>+U=rgHRpos8XG2~yc?31fE$W2<}8%Q1HMfOZdK z$EDJzu{*n#3JSSr8assDizN)!X#zM-zK%4&S_>!38z|~#zoJg!afkk;;BjY~#hZXb z@qwt^*`K@c;l<}JeB{Nzne?JxY^;eiCn?Lm?8tNv%^BE^`0wNR9qk-r>w2m4lR0Kk z?x3|l2GH<5MT>L6l%lNF?ekdTBg+zOMuWl86nJJ}Nht@?QyDtq++PjWUonr4&()|1e<6k7|WZ``oh>!Kq<_-gq zP4yr6TG!XuT32>k{~b?CUa72|xWvGp@}z&<2i0eI(!fs_ILP3w8gp7@Y{Zwn8M%7{ z$A9E+lU_xlePAFhzMoP@zCwMk`A5XnzT+=vZnudb?m%Yce~)9I9d=@$D<}^Xe@?ku zvnw-*;*g#a12qOcL2Eh!=h$Pxh%3fyBS5CcQuHX*6}v7;wmKV47`9+r|_NpNKCs-l*78`HRoq%5gAj_5Zhucxy44^Dbm!+ojrH!f!SqIxw%_a`FF8d ztsQx&RLb!w6&h)@u3|tS3#LnqS$&`uF?oyB@TXOduebi-|FhtQ-1qpu)1MTcyYS?? zDByD!p1KSbl$L4Vl28NkN|S@IBbw*_jnLa*y0@#NPe?4jBf(;KRP;x9R8R^zpqEx_ zIY!&Rtj@+lhu+RR1BtE|@bYMk0KQ%UP~%-FG6Lq4fVME;$wzNhgHt!mU!qU(NT4c} z9pWJo43Ihu3^FyO2|Of=*I>H%IzwG;DaxBvyPzl!YQ}lZP?VD@AW^x`ZZ%d_MY%_} zT^-L9vZ&l`z)zwn%AI&;%simgwYLB{-xx&>M%cNk;I-w^j%Nmj@gT$n4KaLmWkK`k z5EBGV3dI6|K8P29>m~uFOpX}1*DhmmiN(voVG@Jofgxux zJ@VFrj|6|2$iGP}Ms-DC;NzEd;?8;;Lp6VJZvL=zgw+w8ONFza{5|5pF`SB2ls>op zUD8ttl8PM@w)hMJ^mF*HgfpBBuT;vPCI^1UxlYniPAt6a>~t=NVLL*}S{3Y8FXnQ{ zMgxC3Mygas2wW9JLSM^GZ1=W%8u4kWMR`wZ4kF_k6fMA}3ov6WiIOJ^Mv>t-IL#3A z1D;uF(m7&?Z7-`7u8$moJPNNl2wQ;jXEncAP*zb)S@kHU9&vf$JY|*2#eM<`rDrjH zVI~UJV=;P78w-83S3s}@$|Clj(Jd$s7nGYoeHjOU6%@qLqw<)-$b_Zy$B599agJ?6 z2tw|~Ql#VvqWV%i1S0lrhbAw|l0)L7kbX}G2bjiSYlYUUW=D0cvMhXGRn=2jPPSN? z=ZlrtgixuJu+WKUMJiwXL;xb>awi=!#CAC}3^!JXK-gUR3gx%4&7*;B4mlHU*$HRUxd9TGY@gf=;k?g!%ob zZn0wc8Z1rTlFA*1!j5?)(`E-OP!#DnKx076m_Qa5)6zbkBW#)&XD~5}KNzx1;!iMs z?1erOr8jp_VpU3wjwQY~JNEh13XRfXbDa^j@o8su9tY@PQ_(!8zr5oshvR4L@Ke2l zuSXs_qnyc~Vc>8^pu?Hy*f+cioxAvr20wH5OmLK2xKQfP4O}X>A7~{J6)M%(yqUyK z2O942CjvgDLBh|{=dQ!fyg$MYKjKlHW6f3CVin(CMGf*ZL}bdG!=KC*L7E={-P>%> zL2QNl4rGnOM8zpcu_)4u?DKgnoU|`>L@Y8|!GTHFW;GF6EX0pqsW$5PFyuJHSTrR{Mb7Xu$IeAS<0=D4G2OzmG~Y^v%$wIxRtju>lXQZ^=48l~)akyJ zsWXEB=fCu5Ew(hCKJ@!9WW8+Q+?xiRQI)R(=zN|@5YV|Vdk!l#A7vRBGsh=F%zU;- zqe&yZzh_B%V&?3CD+d884xBH-y(y|sSL1*6jTc{r`eY43IvV9ihkIg`Cw&eqKFXMf zl^`}oWZ*}uL3j$6gHmxX8Y=czRto0bLHZzuih_vLW$w(>mO&8jH9guX1MwD+^|BE! zb*LCr_$t7=!%Tj_yX$(a8cMB4dE~yHt@>h+_z-2{gT&idnb{*FF||F!lJ*3=#S>zw zG`1SJ4l9}gGHzS}5rldPv1SYC${#vDJZLj#>(S*89UlmXb7Gk~9YV!N8A54Z-T$yL zg3tcSNrBIgk}e4N6hx#B_*AB*3<94Y>Cr|R@cAiZ-5B@`Dtr~d=ZBd51{y9>mVwdp zvy_RW=i{u%Y;X|h`F@tPCwlJcaK{9&m+~dTt1l-ilFibUk5^wDRInS3SJ70LMGGR5 zKXsxjK61R`?lZs@{AXvF*9^bOgBCuJzoXOJA!8QbHIQ9a3TAzW^dZD7MnuA_?`CSt zAei-^J=!S)vxX)&4zqZLuL8{aHj^JP>s7s-tx^M0wt;bLHv}$l>svjVO`1`?z>@aF zty|XO2o9iaZJ8tVyOC=4V>IEt9`)&S!poayqtWk7I9lVL`*iT*-#GS#&Uiqc?As?a zgma(Gf4g~mX9g-Q1^rHtK5+CK<4j3?=M9<4G6?t`@6k*d;P)nEz3c(oE7Df@M18LU z?7N4F57>8Oe}N!U8&X!e!)NQinDs7GCO&SvlNFskND||=*RrHN@oy137B(k?!0S=lVsJ32q9V5gT7;nnr~#ITJ@H2A{**M#bm- zh|a+Um_$5>dT-{PorP}VD$VYC8D24}7bx$rza7Wf(q*Kj@aoa6!5e-BsXyUro=1Cs z5b+3i48J{eEs zJ!mcCF()2dP90C%=p1FbvXs8!EM-C%=``2q%kg1<8(rFpgN#Zm6z+%vQvK}|AlF2w zYJ={AbwO{6zrj8M_NGLem4l-xs5p^9T%)?+Z$&^LU3yc;ffIFf0zap#xFAP7j{3W_ z6-08PDqhQt-i}taa%&0nwo{}L1V!fnYH9;-COsS#tP$Vsi~e@DAHIZON}Hk)aYA&< ztIgax!_K0$H3vc_R&h+Vzr${MID|u@GRmm5{k@4V2@>XikS1^E zbR!;u+}FlGBr^LusSYj#g`M2ZI_lK+x7Af^sf81!A@M4nH{o_&|0Rw_!Iq_}Mi=3s z7`mHv!5^bZ9gf_FM2u<)OC~jArHx~>w-bt#qF4SVI!t$4wbf{rLal>f*$YIF($+S> z(*mwAr6iE9!G%)0>F=jRAQI0VS1P)|{fDc{NrB`uwc! zHR`j_SfD(55e^7%AD{5|LMI!gVAEq%g1FuFlE2ekwLEnNGy5gIPC=<{+-poHWcpj# zy;3D{vD8J}C==Z?RjS)q8Rw$iTfqs{Y6T6?`x~UpM2OVO2s^#RE^}r#Gz%QK1nsda zhE;d#2~N;|p^7jV20Dj_KykXGktxnD zFa_1}0I5(L?7XH6p8egix3qJNy#}>f@Q|ndSZCX&Pa6tocMyKlsm^MP4XNpZXb>8w ze;@G zyQ_D16j>03Ko*q{BAtgsJRqbbZ(M|cM?`)AFI>bs;ur7(;5${_J>6sP`o@E^((Fv# zPMtdEJEu;a^Zlv!UNXkipInOj+zs}dmg5AW!{SuVIH8^RED-6t>A5%4TWLeqBWo`X zlgMVN9K#HoyPgxVAibW-MVc;LFK%Y*YcaEh8wSO4KEFfks za?*1HmTo0&OU_yX+qM&dlha8jTqmYe)ojm-V|3#8RABk~*Nl_&hmE#n??kLaa}rq- zR+olSzQj-SdHxum;H&bTmLG_g-Fhu%QQUg%8yCNFsr3r$hp{Wd$YpV>>k6K<*C7D6 z9a$u{^-csbdttQG0{3xCbKNqnM1*nT`&KllG)yhH*5P7oMlr6;PVtdXYn~lqJT7sR~)keA-X{q3Y1Tk^kg)Yves$85qT4j8C zOQcr9zrfdrGTY*hLo;A>5@@t<0NXIms$-npTr)1`JD73bve|}FOfk-GZbC2$&MR_Ctw=NM;Sg7};)_ER ztZG8#eUBL$-zyToh7?{aQ?M#(k;nE@tE?Lm-K(@~(q@&J%>?|U2S95CH}#DK+J zmeSf6vG#=wsvkWRRJGn)nGv@l*2O+C;N1FFVg+yyj10QjA8Zh)fv2Ergq;z%G>6NY zm1QNR5|EE6e9UW|!f%n;<-Uqf$)zd?o4J^8>mLd|JY47vIR~VzLvCsxxj@@0wW~HO zi<TKCDI#(rJaJXf&D@=CP$@6`3WBA>pu!+#uzj$QoK=&HR0+O9|s z)Py}N3h=WIca@=>e?Vu^!cPHaA}Xw?%S3w5@}pD#8bQIQ$R|OufVnB zJ4QkWI`D_E=zo$61f^eQ7G0OqQPM`VS3;w#U1frYh`usZ7VV+``}g6nD|=zu_FwsS z*nSP$&nriATv+YIvm(s)71nXYps6Zr}>jY@DN(&#V{$ zSmX6IW3Xo2Tr}u^*rNd77HjJth{p9-DLp+$9^IV#}byo z5D>G-uwp|beUBON`mq~}EMCBdfnf!X5evs*y9UFEZy|U$;LfpTEAd|*7*-TngOQb% z5nDbHbU;l-{0L66(14yLBd5*K0Hlg;6ej%=QiqS38envvD4M~NJ=YODy)p}&_D&od z8{?;YOZZCKy_5LTPpp!Bqx_(M*p_f-<4j-F=nU56g4 z_ca<;Z!#U4SFfE0|FgcYrg2~4bk$IY{0VNW-g8Px)sq_^| z1Z_~gb>1o6I{a@4j{eTy;{T9m?m@E3{m`xQNV^?!|Gh6O`Qa`Z$IGnn>Z-e}n!Da7 zy=$aQb*1z!-bE*585d~!>0V1s?R^PfIchR1FW`NbJAi=jAt-tGyXlcf>aA=3&TIaf zxAE6Fl4ofZCX~73BP}wUqYd))Z8&axZsN0je)}4}$a~|faNpb4?_jl;9&F1|oBb&r zT-$6d!esL!5{y0_7W-o*K3MD%ce&zAYNIt} zwH=9l3J-g~q7~Ylf21}%Twf(~{(+i$v}wG5_0bMIR^%hh;m|{WGNRHW^`lfeHdN`K z?pLKp0;cLLkDl5fCi2+o@Tqc=!nhRaQQQ>^dd=(|n3ktX;V~lEpsRz%(TrSgM$?$Q z1C4UHkR^+H<7&Eo9Kjm2=n$tL&M`TVU*N@|G9-D%WOPA8M>N?hxAOd!(@v<~!@d7v zZ&^b?qMpRPv2iq2_NdgZ1))wEAISOarw$VjkZB9EtW2DB5o?>u{3!{(s)McJN%9Q- zdX^|$@9S(o}#SbRw0Ba#A_{9m`9Q884ELOIxzuWdSlR$nU3U z;7x-!3SJ&)%;{}R(B46FHftu4ht>jR!l5x$f_J$ay~*?A`+&@c9{ob zkh9$KisqDDX8U;e;V2@B^GQ>3%3Vo^%(^g+|(9o z88ijb4PsLNu&W=l#0gDg`!VY{Qd(im@LV6RR4B29x$CO>6VWp99Hyr)4w7+M%dLU0 z$$1=x-rl-q0@P&F%nlOzsy4Plzpx2v3RJv;Zit!#mCvDOSTq6AWilxs2X2$Y1bigh zt{y)t7yGPlQU(r&Xe)ss_t^*D!8=)o{45uuA8)i;=%xY!l0-o>jJmB>RSo!#_2 zC12g7*3F@h?DlnJS0s3 zUN5w?HBv!zCk1BwHgjOY1F*mua+?S8l#N+CCc}Naj1-XE0rfIy;K-b-JsSf8uZGh zDlMkhs8j#$Ey2cn^Y|CbI(5?xMw8UQLCl{-eN&C&Ub@U*NaR9Udy3owGQbMzgc#jJ zMw-vle3yIlJk&^`ZNH72VrA-QMmmex^~$t*zN?~tqCy}3HWK9EPmR*bM#khUT!)7M6z9WDzO|#m8#e-Cw5YaCqDJ@e{+QWXFjDDWu>qa z5!2~{mX`FYc`B`?%6X|^R6kk0{Daj8)h_dNNv!Bvxs;Ns<`JYw$x1F=k_y$=s^&RL zZYViDV&^}pODRLq3T}4!gxn#Ye689gpEgezijkAJPv)})$w-O0NM15ZN=lC`j!#r6 zH4-0RmUf7Wx@kUMwP@=oilD@(%Fmdm6E5lUF|)&_c-}moQwmabzMK@zPSHR$$+Cf# zQp=7hX`NbeGL;i`9WU|wL_y43zfPsgMeiXgrZ!7bhSHSHlZKe3PgVIT`GR~_eqKH% zzhJ)6n=cr>sooV`D(Sr|WBnt8y|<;JrYnY4QY5`Ms~B=Q*@Ffv$&yHH>dBN)Ohqeg z_JVr7*P^;NA(jnIFX!`OY1j9Vuo%@_%eF{K2OBQVK2c7}N6ZsSAua82oVGeaelMCW zzYqNV0RDdw|G$L)FB1#EMWPYS>jLwXLKYomzJUG^x)^r^r6Blgy5MqctaL%f8TEA!U?n(BSA*r&9d#YW#9ojm6p;|FK=;vNfneUK^C;Y(SSFAXUV8qwU}q{MlVV!C8MOO56#oSfV`G2(=c<+ueyXvyH_nFohQZm zcVOP{VgUC;+Ar2{!|B$hO#Z8ohBjvM5%U>WTC}2s5nL;ATs4ngb4BHv$5r*n(IZD1 z*JmEpYNh4>wkR#?Q=w&t2+V1-Ln$!Jh|~TjVo|3B^wSj#^}V6h5IAPUa?VI>i@CDo zZ;tscy<9A6B_p9@xHh)R8d+Zt(XHwWR4P-%#)FlEtv`)~pM;=)+77B%uS;0eq+tI!+B5llEL)!-SFB#i{BkCz-=^?}f+u#Zco+B#neQ2;lEnL7r>ZPcrzta^WlZp)ibAX56_O1X=gF$-#g85@yq(?G3z7Y zRdSuj0LsQN`M-DoCjXfax~vL9uuJ}Lb-+r!&-mX8UO5eJ%FWM&H!YN#oQl+ksGkol zys?Vda@LgiuY{IgAEs>1s27pf>3B>EVc|RKVm)}h|68H8s8{gWC(uoy$tGbx==7e3 zlaLx1csiKWXV?wLMe<-y4 z2AE(K?#G0qF-KwW%hQng(DL_#23F-Qqe1h8KMAA8o^Cr6MlRFKBCXP3l?ttBV!&)F+A!eUu0V7*Wh z#=S)_VWL#hNR3MNG-OH0 zibWwQ85Kz?2$;#Im6Rc+g)N%|ozPc zjU@CgZ{u9Pw?cUvujQ@!)5HTXcBra;20zumhkpVrQhx^TZ03AlQ|5%|nm3vS<%t_7 z0-aB^d>Hj(L*nsU!i5a&5^ZcuQ6J!^(?{#wz>_Oiu0wDO4EYHUbpwNeSV{|oYFDpZ z>6}uw0j0or7tjeguL26?tM@i!(YU{n#EQSZo5!E~yAK`+8$hrP`kqYQzy09#xqID0 zwxpE{=^mq0HsnqxuP=vS1fDi$Q|M1L!bzA%NFA4T;!TQnGommXiB(!UjNG z(uKJP_k=QSxj4kk-NPt@O*mRF*Si@269WWD3RYUMos||uYb}&^)jBX9X@xA0B|!cC$!T2^Np#xvUcaQ* zh%8s}pFdKI-rr58O{na1b%i(bn$yT&7q+A&PSXc!y0n$-9FgC8B!--{wUsL{yw#`e zR?ppYT5xoZ%Y5dTU-sJ*xDT{~72ZG+q_mZRME&Q)uZy#%eDDnw?IaaVBy(D7lULM_ zZb(I4$pM+K30(m(?Gb7^4={cC^$kNS)_!vO_4WHbu?L+kmL)_wI~_(p4y0Jj2k%}) zN9)0D41Q74wbYnZVRjVC`J_~;&YLH4Vp7WCM+XdhOt7jC?bT=X10*~zI6ZXE*F(Mm z*8C_s}0**1|Mfe{Ymjy*b4Ir6sxd4MQwL7u-R(#ndip{0vxnu&8mt z-!>m=e7PcHb;hs9PNVLTDwEPKEKCY|N<%s=Ng4~i#=2fm`+bXrofWwMImOZxk9?vq z{lh#rgCE$8>}IQtqF|$dyHY9Sq-`nZWF_u0YyVYv!Np#?=Pt>a9Tw%BaQ>r!aQc=1 zyidm6HafC?&flS2v0n)k+mcceEleqeW=!O23U5HmO8VQ6MDV-n^kd63I@U-7u#?R9sKs%^ZX8c4O2WF3)0_?j$QHhu}{bL>gX6$45~mXRcF1Wz}8!A z6{MvXpROgaSyelg3TPWE+?!o}CrNNMEq&mchSNk1_YUteW3D}?5who&Neh|FhV3?D zP44oJw+e67S*xP1cI9dArD9L zmTgvNE0aj09Zi%_lD5hUbE9!qZT%Kk-<2zEv)eJcdfUv&!O&hqI0@N@+(ss5cdZ^w zhja8%RlE&^J(5#Wz9@^jqVqc>=j#iJ!=ZQA6Ctje9}iUHp=v!gn3Vd0>ayW{eOctn zuW5$sWNBV%E{7ztR!dHsCow(2jzf-Xy!sD_9y;WC-h3fc@HvWpF0{p6=5cn!#X60G z(<43B=@Fl!9PLbh$zsJ@_*3JH$#2ATz<~x{GgWIJhCA<~{xY(9?&9uw7dqV{?G$rL zN-=P{g$~42#8Sb3(1p3&asJ})$m7q+G+_ql$4MA>t0&5L=?MlA9KS+(@TKNG$dH6} zq589Eud}6~{tmIv>bZ-JdyaB*r2HObVkczl`3`icUnY*SV?@n6?yE?<&yM>VRa1LV zsbR;dzljX2$JF1#FZpBYzoHVFwL7ermJR}(JsT(3=k3@yBu$)W4sYYE(*c@G-mKx( z7PnzrOlIx;ez>z{TiDtA4Q#pCuY)@=_G?T(E^S~G7IQgRO`a=|{W<6*!8_q}*UzAr zQ>j$Bl-tD$ceJ~+PN7x{VD;6h&pC#A$izotqHAaVZ|LB`&gcgHn&6w!{mF7*2}~5O zc%EQaTr2ZlG=v<(nmdqHcomq2N_s?#Q zhG1jl=B7@dSL%$D@27^)#?r_y!5A7-bKoOaow)O2c@1(7ST!A(12skf8 zT^&M?_Hp@E8xlf`EBy@?SLoYtedlE&gkN2GcU_e5ERG=I?N}Vt=M5|lb7ljlUGidL zipG9@s|2@Rwv?Hc3@l_e@*TYV`h9oBW$pnyZaF`&cd$fvEGmLq2Rjyx`g!CVi@vo& zF2fA@d8~H?8Q^H|xxi<{@<7oLfWuy_z`1-3N>+p!HbfwsfrBkdN)S^eB*czqh8e>UbNDgy`pOXS5&?kr{7m3iE8#c6Q1r_(+T zWS{M!V-fr?#1b7m zR-6lTl7|vOirYbn>wXR3=OyMt3lx}~)ZO1m+;?!KTUdXso;AY#l4KJsRc{$$NH`DCU?)xd_Slz3YmkWM$f0 z0Z2NSNRvvcz}@s_qcXYTN#B-cawzbXfHv3PY#sAFV8^)3zaGf!K|#IcL;HjS)yVAb z_cmcNS5Y{XXSnWg?3-ig8?J!gekY+_~++{d;abR}JI`mnb-bO0s0$nxjtoP)K0=KVbLA+I25)&b}J@a?bIRm|^27ago( zBFG>=dGjgeBtInkSPDI}Hdt*3HEd5RDR{uvQ%TRO^#m)A6W?nA3G{2>bB^00^`6t2 zt|&k0BZw<>B2Z{cI!Kf-9ejWDmT`53H=v3BtvwQY2}4J@aY& zVM_Ic(8VbYz2>(Oy@gs^#*UazJ7m_|a`z$z1>+v7UkMZ)uKT}Yk@;mtX5*xMFd=Ju zv(8o{3!3PUIi~(I6zq>K^k&Uoq_uu}LA7|L{!?Ue7vPVRSUE>|pQ?vKNtNl;+Q~MtyQ|O*Azdip|BxcMDY{u7P^xH_Q{vQ5m zkH1fJyWFLpUhBSzq7H<&XEri0$UhfFQ}h_5QX&xZ7F<`1nq+QcUV%jia(C> z+nUMSW9vVJ?R(dwt&74bb_-h33a-SBI+HlwE3ttGLx~kgn_mxMZgTdiMBAg)EtEfr zz!r39p~Q-6rwbW8&_XqaEII^?fl1QgS(bJk|MiG~8d>$-Y>kH!u|+-0x0C&(4>%Fw zjCamHD$ZO{>a0}qb~|fVz-evAcJO1#u^Ht?m*QyeY?*fVXa#K7NGW1OY%0Qtut!t% zb6j_sUc^s(yU=^#$8=Aq1!{Oj-kIz59A4sdN_MVId8Q+o_Fw#WE+BO5sPX)uwvMFd?Qy|97fH9h;vb7f+>+|N24!aPK zM5|!jW5xiEH_}ZT?6@O#gE82ra^*C3Pux*IujrgRJceTyxlRa?Kz~uUj7^LnfC0D^O75agQ4!|B4aSIO)EJ$iGIxO@>H|AuSG(XHNOq z)R<(hbvDZ%eTaO1KefLHnZm5=ee?Dr3VtVf+rOXIwZhv@cZhVu=JKyRg__t81!D)r z->Fvl8yp&Ibh*yZSSOA2?Lj|}-9Z{!8YTW?6R4;eCBjSnacf@rV{Bd-uFVgvq_m0} zcGnOQU|31FS}0Ysk~(f-PP9R+u6C5lNkqlvmR8Nq+fEo&Z+)11<+1iB+LGi?P-<^? z!#i-1X3NB)*A)OHA)4w1LY*B?Pv-+tq>2PLgg=k;@`nyCLVT znDDxmF>rcMiU7Ceg0O~o^}E6)VTncKjYp&X5gXgoFY#0#jXTnSU*7QZr_}nEw_I#c z`y*rufSUQ%_P$0^FJCG1#zg@`n&^OxZA-|@mkY=m1I8FH_XalDy6h{0d zoOi`Vo9Zvpr!e)P0>jl~JqLP6Bf^qYm?{?y@oFbnxQx&|SZs$;;H-Z)JO;$#{P^xP zD6pFagrZioV|lV9xUPU4#&@}`WOvJ0j}Y%~AX*UZLSv8GXS0mrP4vcx;{C(1 z-dK+wk3@TxpqNAPfsys$q4nWtG`8-1@ZOI^V*`C7y>xROSt;MY-ZPrt>sgX;z7J89 zdX}|Ksc>y(QM-}syHUIw&z0BXtLns9R2*Ml-MhKADyRAujk%>8({mFm<1?e$U@;fl zo+%H%7@r)zJ5iW025-&kqa$%qU7Fm*+p(-VKD=y_qNNDI)v(rn@daMTiavvyU9u^eN!G?i0!UU&fYFWM;8}n`=$nr zc;(ie0bO4%ZY7su(~EoBUTk9fmWHaf*XE`5h0@wG9wz0L?aJ_GVR2%uI8qrM5(g?% zX+2rUi(~om(Y2MyC1ZAHNlA{##`4Y4_1KI$Fh4G%klj)Iqui)$FKqTNt*35}-q`8i zTg==To=2f`aWysCcT-h{Ru`_{xjn4Tmxm@ZbLoNpZE5{Zd24Uwx;B%RSJ!4H`^Wco zqM6E8A)DG9LCl3a<@wd6#qp^naV zPu2$?>i7*sZ~dnD> zp|X9W7>#LzTiYuW>9M=($?<_=e*60TXk}(ITb>i;(do?mTwf-$dOfo{v$}VCE4Eg; zJ2N_a^G+taHK|M$=hJ*cQZ_rfy)(bQFmz*`_>!5|)6z(4M&6URit1AI z?(mp)Yi)RRD!INjQiu&~P0WJk!JXL~Fs^50t-Pa%>6O9j#u{=jUB5oLem$F>Th(Jb zD@Zpnm@cdtIec1_Mh8~c`)8K7mlx+o)#+PX<#;@|K9RpwoW7O6JDi!Cof=qN&hPar zOR}W0lFIdyA& zZ#Zfg3psJRygtysnqDm$+e^Fn8bi#na!I{Y7H`L=r$$P*`f@V`X)arttyHx1-PCNZ zj8wZ?{~DBR6F=q5?A_9>wXN06=+@Tcg1V;Vv;E`iL&HP2X0)vZq*&e?o*vZ8($w1K z(6lDqn9VNDto83s%q*$%o0VdEdMLMeXK-tAdZ}+}a32d0Mm2L`V1<@=WhZx2qy@DW*t2Xjj|)5YnL8{?bF z>+53+H?X5Py}Y$v8C#Lm{>swY!sycI_SWKHK^l+cQa47ol>GSE&|V=nq)LO?SbAI; zj_zb*rMrV$E78=z*pzX5OCKK{i_hQ9%@>B%at>9E&EbD#Y;t(%=0yLFHeXmC*sM&< zfQCZh&TvfKzEO#7X8Nz|#hH<%VSRKaez#A`+)jx|F}6HY$*xu|Sr|9!SUA^4*OvNw zrsqb-dzPk0;{$_sg6r_kzebb3=ukAa9P5jZ#Nv1DZ@9q#0WPN{5p!Annyl%D{b6FK z2u#+m^+luhn{n*y;(8#&ioQ0wG&8!`w=g}vx_syE#NgDO{)t7<<7mfGhb`*H(x>Zo!>_X^k{jtGRN*ovxrGZ!~of=BT`i7*zXhs~6l43k54i3a( z192%nA`K?{`iBQHk|ZVj2Qq_$qKIF~ONhcDU&}=ML`+iCL+Q8_9UO?KGom<@8j$)j z$srWjhrDsjVllGBM}`Mu(LqTR2l`|2OssEE%*5iCsQK3hhok-R)JT8dz(_0_>l0J) zWW2vGDh`h%<3rI5QpQt5gX!UPCLJ9f6r)42A-t1@@G=!o4aP1N73ErRT)Jc^>1#U1 zrJnwH3`7qP^oaejR1azy?io%GNIiYh@X*i@H7!1JNk{5_fXd)NS{&??r07WhNM>jx znMw7>GpT4_I^Ew#xw1Q@t>h(gfVq~+VIVawmBnlQz}|s$6#Wk-q@n`@ebK&4rP8&b zcwc5H-IwZ<(kYD4BiuwjVC?oe)}HT3;>pwdFm{h2Q^43=-#oN&4sD!68|To*Ika&O zZJa|J=g`JESR02KGqg7TJAa!NR=72;=K_YA`fD(-oCVkQFJL1vY#ID;73Odi=5Q6} za24io73Odi=5Q6}JF*JnEVtCz8us=YUkHry``T$%e;1~~`j5aQa5kC`hyTOj|8V#} z9R3f7|HI+`aQOeW5C6O`7tQ0_^W`eQp~Tu@;XG6%cxiDSDs&Nt%bT`0A(joz z3c$GQdq`MEV|oMe)e%rQQqqm9@z~XuxvZ~L<%{#>qBqB|uk>5Tf)Gb`0n@%PDRX6~N1TW7SrzG zTr0CsB%h!3Wg!XI=`^`7+r^`DH?C9HdbhBPYLcRX5X-nImAg!p>Yc+*a~Tnn>A0|) zi5!<$D2$>;;W%)b*lr9;whs)ma=V2sGzFz^B4kZBF2}&N8gzh~h0EYeckgY;Q4CG; z#zsoS6v@DM1~hQRUp*PE|hE$&{`lIm6X`CG^#yj%ycoR6>E+YmOoHW;{U zc<6$kmdtJ>4B0+HxbfP?WqUE+JtJmD+pUh3;J>@#lf-2!Cif|aE^dANQ}nr^mo6WE zy93vYpy|~{my7%)>&K9pcL&_i>t8PN1!U!dZy%#-{LxI_WS_08MQWnLST|H$2iTPkFgAvz*l#%a2&)Nx&`lKqh7w<1qri-lNA7vFc?l;Qy zCMCb1ew-y$AL5T+RsC9WmLDjc^&9_7&mQ{MRCGfDnw!-j3rxKO3z*M@D?Y`lsG*fn)AE7D$l zbr9=+P@65pI%(6ziTgL`YeRWy2eAHvF|~15h1?eKO=Nv!!1|s#faSFJ@yDzG%D4x- zda)%7nCn5x$@gHm2H1er*@;XRVEtK>e&Yb^Pg&BYIx_c;TIUYpy~Cw?ka>}K(NG2c z#zE!zd6TKxE<=JzxH0W~j%PfWSaqb$6( zhfBW=mnq6*!R5=W%ErSSr(Pp0X;ZlDZF5n<0mQcRd5~8LFd@7-784$0E754TPr^I> z(IGG4;*h=mQ`btgzwvN~B_d`SGTftOB0Rb4MEH$GjJm+*nTah`SO@ezPaF_CEfA_i4sGHm#+V$|fs{TnAFdwqftrD3b+y zpJEk<>{dG+fPIW9^q~CT20AvpiynI@|J`=w?4Y51#f5Tv z3A`?p+uwL7r&)dLma7NgEmczo!2b^kf(_ty8JzxqD^yI{0r0}l{e8wIAYp!YXDX3n*~+YrW}w8yK)yas;UE5 z3nUCKT(L4ZxVjxGD(%44e3M=ZfvXKnv$g$m-wE-m-&g`^)SB-$w)N2yfV9Z=-#r-QEfB{zso~ zzv|j(mM=hE+_OGeu;=dX1MT=-d;&sv3$WRDqp5axJC)S|zF#0=uz;__qKQ+Se;6t$ z?cm@sjSMIROPyr z-0{dnpgoIwa0_fqG-a$H6q$TM{*Wc~a*h}t%+qCE!f+y$gAbnH<;CnsYZOVVY9%=d zXBBqKj{4nafkLNn%}0uRK3RZ^U0T|yJ~YqTKP^Y2hvriS4Th_MN8Nr!IP(f4>wEs$&^?d(^a!$mH9+^ z-d9h}o2RY&Z{bmi{HNihh6p%t=flGps~TK9R@lU2r~OziFh@Ms`=My{dOUzgC<{UZO72!6U&lB@e-UaK8l#|$-1cg&fu)de* z^OJT45(f6-ESw9q5^hD4wxt|Y!0bfCM)&cA`HZv!w^F)XysSHkPM9asQnH*ydFRNH z35=q9#UwG0H>W99BjWj_Hmh%%=a@TU0*|M0G!0|MmpO6Yw^IeE(rQ1pQwf+}bZH$LVpDn2(FVEOJd4JVLn{li zi2|OqlO-|;q^Vb5tD5KO7b<}lHFY31y8KK@thkR5(Pv1dAUOa_87h!hjOyIe zFPZ0xQW1fo>}ak;xl#&sElnLC|hwd@Z z9jEZV=f!A0_<63BNd=0hH(v3VoZ`uyl!X_SN)bgeGOP~he6MWebG?vQU_7*lIeVTm zUw};J6Rvu?4S?4=NytODAMhq6z~yV>!mD0K9b-(1EL^W26GUGm}T_p zgR1$g?=3~pWv@|M#(C(Xc(t!pyVN%+Q0*)Qs{K(4RBIwsE246~MNv6TM6$x~RXYDr zW>&U>6AUQ-B$ZVfsafE6V0+%0(j}m0{(3 z$nw0&(!a^lzFC&vM_;Kx40SKd6ILi)Mkd7yWu#e=bs5!kI)jnO0`0O!STs<$UW*0_ zN6Kihj(wO<@&acO^JA#44mZ?Ku=f@_)Ss{(Y<@hMQXuNobzm!F%aepfPT5xX@NcYi z=rjm*K8d3lzNGICymV8a=96`?D8wwlDr<~no_5G!6+Y{$5aUeApn>hVVBz+cBW5R{ zGey^7(im|DhFi{(M-0^`$L;r@M1QGw(fHX@`p2uc0S9oP2e3e_bSQvTv5Ta>*Js?< cOoq?c_n<&$vLwE^X#rqw<02U#e6}J!+3LPfuzDvcFNi&Ao7y|+7eyX(E( z%kHf0BeI~1im)_7NZm>_5)u@Zz)uLle*gvXbALcW`~&=ogoFe_eBSKt-Rvd4Bo05c zwRFClnKy6Vyl?Z~oB7`4yMAR%{)vUCYdii<&9E##uvnCc87na34)b~PPO|(~vYS*y zDKxgDAP!BIh%rEzw&PhL^OI|dm?v=Vcu_5zKOHfXJAvPyZco}%_Vl%+Vwc1uceuxt zA+h8$ZW>;#!+7YJQSIxo;R79eHHe~wreW5^>uiU}84dh)l2SX>H9#9r>|>&&_cvo7 z7E{?C*2RS9_$*nEn}#SG91AyNj=j@f4?9*w`PP>D6tppC41IBX&<&viM@Kq=XJCGM#RFX{>E3IdG6WzYpfeY4i7?yMfJAB z?YLP53!G+X5aX(?5NNi8aI+5Tqk2kpT{mJLL~*BMguOyTPgz$V!N^(|fgh(Y9*Udx zn3!~Yi|r^vNabTchW*=*gX2%&^CUiJ@mVHbfSp7v_E`ZJ9ls43iZiOHw2I`H=J;BX zj^%qu&7NB4i4ohMx2prTt=p#|9FRHzl{D|5w1Sa&8qp&MJm+y(P^o#9u*$O3BAT)w zrx?B;aLH%|uXy_E+7ldFwyK?#8##MnMO(|4(4($lvQ@1QqMf~P0lbk)y(lK-j3m=P z?BZf7{QfTbw5EvEb;q?-$rlBF4KTc+VlWDl5#!s5p^Ari_YGP#Zn6TT3M5K99dA|c z0|wj;8T4_BB{cUH%zY_S*V_-JuBqhfnJL#p*2X#!RJyK8q}J`Nl43)p{I(Xfh7_hY zm{xEGg$60}xYUr@RH$%YWP7>GvM0qtQ4ec5pYP}&a6QlJYXx>g0_Qamvth|@HHdqby9mtiQ%@vwGJ~P__Rpln1nSwhxcd|YC;1o$K=c^ z=fp%c?Q6~!1Fj+w>W(B4m=EMZ%)2qi;sa=4x0sJ3si(DKU!LAt{)wQk_xze3h!kX1nN?HkqeyOjnv;^hq~CPOn>$PLIe zXOZTyE#~Em5~$X|@YSbQwDZ?CQrA$i7sZRYgdRpq6gPfbHBUIn$?7 zjaM*zc>iqveV@%IM_G)5yh!FB(y$w6SSh2fw~-Sz-czRiDf=m2G-{wxfewUNF zEf3gcFX#Gbpnjz0o_Qb^w(%Q?TXf`7S&sJFQ*!WW5&|Xr0ATMwyX8DMw?yNiZdDw z6<=|ziWyjDxpKZrD3`UyU2v`qAuKnTZ)K!vwQ@P<@TYQbsbbhm?z50`)ZG8H7SqU( z(jb2AVG{pDO!;xA$--n^OnOF>dH6Bq2ipjdlf5iaai1Zb>#JU=pn6kb+(cnURlDg+ zjN1XqB(glSDEjSz-d}tWy?0+B=*$)o_^&|!XJx>Dlp9S1jiGJ^9&%@VMTH4q0-*}XO(94{IjcTN~PxlGF_BH#9~&bgR$3?;Y1u$ zS~}QOtgd}j#-FY`zQc9BvP`Wkxu{%O(RwS|^%d>h)fH_MC7~503|1_o|7(D}lqMlc z3{A-rr9r7PbbO={nq_c9W5}Qo>?11Yao1xSGBm`vGEYF(f(4PAAi$5fWw9*{*^~o+ zhV%xwFlRmPT<&Q`7#h8ynT8e_9YSaUn=I0ymXIa#R7)J%ZKe?=F~uo0=_)!qs6b9b zl^#%&W-w*ju@E?3ER*u=Nab;3e8o+-hp+tbxR*{Un7(xfCRrYB23GH`bRQ0b?Yj<4 zQgQCiIm(Ill~q(+kh`yLA;xU(v9vvZjT$qBpIG2}z|m)a}6wc6(I4 zD3&fr0=EgtlKXRfp&Gn@`D_Y1hMgzwOMpZ{oLU{En2Gy4>X=3c?{!fHIZVrlBWSao zuIHEzPktbWw~f$G_CyJ?$SNlGEmY!qt67!gro@_N*opYu{Rl|9vY*ioPJPT>*u`-$ z`6rUekmey2Wd~;kb*pl`XOQXsnP#8>2%NVh&iw^PGX61vFS+kZQ1?B24cTiy_`8Sw z0vUqbCHJony6DI)x$mU({V1g`xr4sSNSZ~nZ+w|+A8p+kP-@&)8aM^;xsFfcT;nRf z=qSKf|14-+%RPYmzCxP#;sKYH7VrL2LFN7zjXajf$W!!V4AnbTKZ?SxxWC2h`?K=@ z0P=uVUIr2OZ{_ZXw4+<@AL;9+`zNCCiBT4v@0!&0lVi~TlKg~0KX#93LXjrTQKdQ3 zG$^HXsd}4P`#)Ke7~K> zr^9!3uAky??}9_+Ri2#L5N2xCnxQM5 zJhtgbuZM_6#x|}`O?j!Lw5NSk=;=OrPt0aN(};8rS8zdgSrcVlMA`*O7G05_N&~k6 zVfh7rHM>Hr=CyCSF~O~8R&>h2`i};Nz_NR5TC5B{9M1Sac_nVZi(*q*-hUxruh86a zF>l5py(Q55F9&Axp7aHQn28vtL^9_BIGqti8*E@M&9i{-Kj*(->3F&pC9 zLdbP_l>&1RW!v!j%}H^L?I6j-R(KrcK$Bw9V$HY>eDf6lQtkk}%;=z}#6#Sw(~b}! z&&zaDXTBLwhJh==n7685s>;j9lf^-ug<%ltHgZZ2l?_M@d&9k?SV-@-6fBbxOCnAU zjSQi1-zUwUPw@_D$Y-A{4h&5eM`;fc7-fS+9`=-oInVIhvC(GWxP|s1JeCoUgv<;= zOSc&1QCNnaRG=IK8)@N=6&!Ia9rt@JXD7j>={)%peb6NiInby%EADjlzSe=UvICc7 zEc6XHs&%|`AP{iZk4XH3u5QF)E70*008mGfp9B#@ZD24{YKh79El0jjAzV6gZ_2Z= zk&Mde+#2i^F^kPmqMyE}fYxMSdJ9i@veQTcwB(mlwS+N zc0Ca%2vQONNS)*M4L6Vw#|-+bPd@bw_&Fc8%pvsDGeCbPM^B{=QrS%w)*QxLat+vg z-R2z+i@{ zAa@MM$yG#ga|jL<8Yr(97^yYVgQ?8~I)hrG1rzRp1e-CAMNXK2+SD1cVNb_1GJ5hM z$v&1n1cS1At<rg~JmnNW0TS5wigL=ul@Lx>Nuw<*Q2k#|!x3 zZ$nNF{=_h@Y-CK7;X+K@)I(2Dm_RV&fz#kAj;!eyvi^6#hqsg0U=Dad0mA}YBPc++ lVBeDzx{vg`r3{ZazUjpl=}ep6%#|&2c9~zG12}Hh{s&Hy>Hq)$ literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.UCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric/netcal.metrics.UCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..aa725db3188d9cf2acd1caca29ed30d102ac5a4b GIT binary patch literal 28015 zcmd^IeUKc-RoCghSEtiQY?U2Z&cu$by>PcDDJCHoNq`g;7+JEBEu)~5=Vo_%Z)R?G zX0tOR-C+xCLO@Clkd!wN7Y-jqRfr>su~qn_beOnMdUx0zSdtV)x4ZKLK^E}lNqq0~q`@)%nsE^^bn zy(4%VYiZ!b>*)J}Ni}9&9}dPsj?V`pmSMBbdB3U!CCx)IRo_ERsb<4Q-KAQL*DTF- z@etofZLKN3P1OBX@}sKNR@$sVY5ZW^)0XK~N8h6#)Ti{j^kMx_@brAs_U3Ez7hTqN z=P#am;Ek`Jzrb3KYj{rEVD9{~;pu*L4iz@4ZH>e<*Jy*xHK)BY5ANN0!S%eV`JUtY z&8F5~OZ`xVpys>9R%yEs!`)|h`c-{LFlyL!wkkuA3IJ^EZCoAdhJXaO)b0xhd` z@m0o~X?ml&1_bN*?Ua^01~$r7!*&;xpY+yRV6Jk}hV(8Qwl^C;deCESt!goPdgY38 zLOFV5R&ljv%VMghx0$OuR(%2W@aWwP*E1@34=-4=ZO7wnB5@ZSyL|j!4|=$u9OhCu zd~#Mf9xamTJvl=vqgUo0MAMQ7YB1vQ$brQ82mMv=(?h(6d_*5^G;&9m@M4@}3DbJJ^(F z3$>XK`}lmDEu$P4?Kh8ht+dt_NcEw8_OjwMGD=oSQWH1`fVlhY5Lc!t(Q*JU>WdLz z>7&7(w5C=fVRk)FMCZZOz(rYHt(=BvM!SEz! zILqxYDi(3bzb9NhQ^eH-aV1!qAi}-5`KerP_H%B4ppYK=j%5HrBq2V0i+fzyF`}Lx zmn)a~8d0XyyK{PVOo%rGL57+Y=?Kw@WGa3nLjASgLJfxO?q2j>NbfnWaJO-ZQGqSr zu6ceJUJNZnh2mRM;s=XLY;~9TLRjKs!URL3djP_p^d_t?<-!3~MG2i)K;NI0nTw6Qf>dbfGOGLOoCwDX=;Yu33j&DV1)1h_zuG}>{QJTMjrUB zwU?RK38rM=?*zN>%5AZl(J*SAo53Vdr0LXsGFsE=&QG|uwji+hJax@aLAZYjDZCg< zVd!$)YL}&Ye5s%wAMO$^wHcB9bVN25&@fDnME08nWP6B5|0hW{pi#pu9OUc1FhcucBjmI&;>FxTLgirSMBIx{NV0raVR^xj(`AIrU!*L; z^7XCGuNRUpFh!HWm|^o7nl$p*dGttB3Hln_QS*a^#n8a4q4}1lUezq0rE3(t!u4A% zr|qdOW>wx>eTQa&H(?OW7vhR$+E?lj(YWrHA(3Z+^6!aIKDe{z6oc2HELq#V*`!e| zyI&-A{&-=X^;{h^KZZUcyv8KQ82;XZ-B`1Z}> z0;T5U5EhO-WaD~^@Xh=xmw$SOR@_v5rMZ7+p&c%gruj~=6Dw>Fgis3Uo6mzp7Vbib zh}x`g6)J^AKl{t4d&{0L{&(Y#Q~ zbX+6H3>;IKVswHM&F?S}hDWWFnq&rJy~es+fAz6oqTyQ>pA_kD3recz)Ktv3Jhx*m zk&NE9tq2 zwxNNzocOgBDF9Bonifg{Abwr2?Thj5cfa!xJLTesv~Whe-xz<*IUY96cis{>UOB5>h_b9qj!>N*y@rb^vt zG#K0v)b%lwBJ@+UYHl$)FrIjz7dwfQ@eDsQ1DLtn9Zc-t7 zrWmdQ`weGpU8$~xw(~%6X{(e-!VN2f8}L3)ux3lwT*H-gIyjK8co7!e7VCzj!%{I< zGsR@ggJhm)RN_(UgC_BYj(8xLS+{;mMds9OgtT9-)nwcsqKXV%l1RK`Ag*s@xIR?a z$E0GioSHX5DYjXAquv(v#)#F4sDDbNp5GM5d$S!~qFl`6?GckHNQgMyok9wU=nI=- z_bz}Mc}Q|0M=GV5^+*TSmLhhC)}+iI*%XWWx&Tiio#iX>p9J@>4;KZ;lfk%U&9+Yd#5k=d9S9B;qN~Kw=L#!Z4o0{mOn9u|TACBCrIdlD{`UVw+DWV zd%hiO3M7dg{ma48<56ivGbn(23#tu zn9&Vl)81hyF<;#jt5&`BIIjX~Gzi$Dp+rILVZ!$}9LK|=9#cvG`KU#LhG2vS9WmO; z(}>sftTe3{ABA5byLvi`5{x?B)<*qxaARXVi;t_#uTbYl%icp2g)I*zFsgE_tE}GP zi$Vv2z1h)FLAA_#K`FM1y{qu1!YUl=u7deG7QT$x&NWP+IyXZ%lld5ECUTif$;DiOh+-Z1!)rQp zI~w$h>WaBaI2z#<#}g!?SwPNsokr^Mt9T4ca|y#PVGa=yuVM-U<;ALtXIy30+AQzh zVKI>S5-9}{5*4JyT;cF?`NRZ-QpCinY#F9`Ow>Wrd!6bp;Z7QLr=zOz#*LwOOw?W? z)5?%p7kp9Ke8fG<>nD*b=4yAu6=_<`)F_v~MC7M8#nXvRHKfEwaa|(2R*ma1RFyJ! zHdTk)^3+J8Ud-AqN#UZdJPhrV2)u7o?A^C6HI|Ai=C_Y1|6o(R4pj>H7zBE!3LxgO z2OCNgZgm5ZG;jeRI*fuh;C=w4ECUJbWLO0N2t5aN?%82lO;55YE+b!&2keMLGPZ_z zVvjyKkbKkj2*F($d(<$PRaY~S65&EG;@kLZ$x?|o6#7;YIkRyJrAMOZi#S?Aew0+> zO9NHoi`Y;$kBy|4RJ zaNRZGV?!|^3Gydqw61Kg9-UR})nl_trBXrg7nL;=nIFWXgcC;C5_92YX7oK|{i8^3p1_~MM7(o07BGEHD!2?%TO!_F5;Q~-PCZL_SltK@J~C~U zkbeTS*Ck|%aF~&#+12Y2O{Ki_^s}g^X}}jIyXGCiqoPHYt53)4!1g|$T;z}60BV$_9L3C zU{2;-gAL-d8BBO6ZkP{t;7q`JQO)w}FjD|oEJ@Lf%5WurKgK^Il$|Sa*_@J?54zX+ zL+51oi$uyVk}%edXrY<;05av68G0)Vp>@IRpK_*pCzXxLpg{LA(C*U* zg-p_@-V^BlVIvg`rJe~?NS8Pfsbz$6$%CZLzr2yszqEzo{mLyC@91b+5qm3zWTw|6 z-cn*mA_2>f5)mKR2nVk~rmeCfcYyY~G&pNTx;k}^70F4%zB@3ONIc8Ky3ECI^-=0B zb5Tt7+hS()EpAzgmF}A&DNUk^woniQFN>s~UkBBH6iFjDr+z5h4uU|qwqM02D0%u( zx)6D;lj))KC=u<_K+60CrB0@{iKFojK1-a49Op7CUw%lt%CKaAPFtP(VP@FiRG(EC z=3iE2p>)rWG0TcKHo-bd0Ud~xkE1}~18h$l1$o zrD?S*w8_Ptzk2l8(RquibnJ*0f2p+Ujgw2NDtyFz%bIY}O2LVUI0}t+D)#8=KrP^j z7HHuE1DupY_uu|M30e%20BFBaSnHRbe*Ts!*h^2pcVHEhhV4I-X>0O~Mn8j3mNWuqg*h;{ZT;1{mQ5VQD@;T-g5G#N%T$pjnqUOu=a{EE*ccl2 z^7waxw!cj@*F7TdLR)Z02h2zr3)|1$-icO)xfp8Ntmh>vp>rSvw z`lUipsjb78{uO?r68@>GVH=*RmM@cAuY1Smm6=lMG~Cq)!mA-xzEYwkEiyB-qg1U@ zfL@#nUl8Jj*m3tV9EO@rc^_eI_!OIwFB0Yj5p77KlzBj)WhvM_ZHSqsc;hN9+D=@b zQK}j_G?62mTB7hqo4wUX1l?Ns(yX$EVyc>l;Jx~+BH2kQ_ne5p<5SEy6S+CLceCY? zZ?(D>u?5PZaaz8zHpyC6Y)54W9b zxfL3v{p#I|80n$Zg$3;VLjd&xhI9fXl;fEwFsw3EqL(L^7L~>FBFB-%2uK!_z2l2l z7NcF`@eDsWGH4mxu9%;d*6_{IF@Uv*Qk#gFkqr7cz3ypl%H~U;C4BH>2uGuxlf8n` zhC!)t`WgkJ@%WFFJ7yoUO0i{PgJ#O-e?y8a>+q=fHsV6lD^C zb&;36F2K6LllJW+=WglfJ3_o$Of`YbcV+}wEQ)OpnLj^hdu}ykz9ojRWJZ)XqKn@O z*t`T(T;tdnPPXt{nr-Ex<*~tw%0bNECxsA*ITVwrkD9;36%#h;V%O0iLukT+R>ZG>8Ck z;Cu<>{Yyp&#nsvNkoSc_+hnUD@6i~CLjO+gC^38|!ySzZIp&cU2!O}kK#OWF*d;^5 zbrq5WbbH5Rpc@ZqNIhjgy}czf*lAGO;0*RIWZg8(GYtm@(XwL+N$zK!$JiUA?Sw-KJSFTOo@E_8}+I}c`rq}!Oo1hY?N8n(EJwmoKl z|DbwStjL?6*sCWmGNa~kGFT4Gn@@-D1XPKIHXs#N+7|ix8otw7Tl@n{ zVL2-$GFY}*6h ze+=3>TMc}d<1w08-_Hdj@k+p6y#5cglUL>m2oV9mr`iO3d5gregA|qnd zNgd}9y}Tup>pMYdgOlsS$hv9VyEDg!7*==t!`|&&c!0h8*B2@xwIF4cTd-L7!-@7A zDU*P{{k-U6gb1N;4^P?``YxT`(l8br>$PPCBoKNoBi3R8g<|~+TGtg~{gFY%THJ1_ zd1Z0Ze;13(BG#sN(qM$bdOEoC0g(Wo5qUn1k8B?fZkHnI5cFj)iy)$|^Bg}ZXnZ1v zhP>V%ol@~}kvs~hM3|+J9-{hsGfliQ1cOAU3`VC8X7iNA4xsR~>r_NbFczJ7#CJoE zBjiPFe|!g83|E-oEPUzrxQ$pjx((xIFcp3k!9zE3Pk@7gE1hiUhK~qmPV&A;_j-iE z`AKD>%Sh(JU0!pD3`-7EiQdN7nTWTCasCwU*dWp+)OuKSbshzZ+d6t{WqgT=K1+Fr zg6W#yrt41B_;Qn}=!v-GB$#lSM?reH$z>lF$i>wx4eV-09dSO**yB97F^Q=MObJGi}qpQZ4p-=-r=cGH=XbSVnG#krD%FVc}a$(yr7 z!EU+~28V*Es}xCzb8mua3jS*$>a|IC&A6a-z@v#P%gded|Q76e6mzM0m< zlSvN;$1vi%b0e7M$3m)z({yO(0FK%6y~f=4&GB<7q)R;UUU>SNcUJbFi1{;6hNi^Q2{=PMu)4g&0s@ zLl`LPgWo%Gdr$C+Hmf=9x>{#+!as_k>tApd4Nc{6{3s-1)Kz#%8pdh|M~Y4phN#J- zU?-h;w7c#%TWYLz5G;Ry;8fPe)=MI|hd+UIZI_xqdDL>5Uw2g8K!Q|zv7gy-8RGPk zoLoz4IL_JNSLhHe6+zL303>I=Vp9@H*%A9uB5ktd$%nMU}w?2`%&l@J>A= zxP#*5UD|lUS}txkK`^;paoWrCo#1v#$r(UO6{jemc|0`71fI{`cjN)cbGqHAWysT$ zg#7&xc?uCFm0e-&iov`FF9UskUiX?73Y!GRqZjc2&WYdN8+(!x!mDR)Vr%M} z?P;r+&oAp11+8{)a}u3~5KQp{v(@m#>>D^VH#tCC#nDV!DB43c9fw)qfYG+-Z;&z< zAyTg(EcGV8EQ;R%72?26Xpd7f>;`lo0*3tr6|P^+q@&G3XbeXay^-#8TIoP%aF9|R zU3d*F=#0_ncDL7%YDHzZR>D#dnN7QW(DXNgec{biP*$rUFzseA%u6}jT<15;2fj|VJ6&2SUcbzFdydP=(~_+wCO#6Pf40cZM}bgGz1 z=W;QZ`w!^uDNq=vbmDv2d=CBI{3ZJHe!wZ;@8AcMl!ELTzqE>{xyj$(@by>YJ|~_5 z#_G6!M(l#%CDB$0UYt18i|?ffcFPJt6 literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..059273f5b074f8434165ff8285ef7830597d23f7 GIT binary patch literal 34875 zcmeHQeUKbSb=OJvx%#$|z{oO#jjcVn+p~m&;UdY%LIxou3rRLAbYe8SJ9{&u*`4)# z=+bhn|6YH*?!GYc?prUeV*kR8UehoeizTgEZ8%lkYlY)g zrxMilhTnR$HThuce5)8vxY~l}1a3udg{u&wVwiT-)f=tTt#AWH_f6X?iS%QhUhz$* z5hpiBj8S9kbgO7ggd@J`+q(2A+}_arie{JUy6>75uT*gwHM6QWDtc+({sS#ah;+jz z^hGLAujmiAc!@`w8p`LljLqSM8du0z6OM{{90`YQv!S<+1Z6EOXg)G82R`ag^<86D zJ*wMS#nwCzfp{KiXm$QHUJaVbOIfR&b@dv>3Boa7o2O4LW23RnSZ7>stTDESADgK+ z{F%zkJ)Z7*Gxywi+sj@ub4+hKp6NTTse3c?rf&r0X|Ta8yBaZXy5@q+g5#c@LFv62 zUg{ZD3w*~5>UGUsO1-F@eX19f>rOSWK~#<_KF{Rxy5xFb*bRqP2W4YbIAS)c`l2K$ zE=1#bV36^A2<0aHzZw5`;Qu5s3;d?qfDuKo*=)>1&|wimREms`irG-Q7GSccXpPY$ zeoG6C7a7wDZ;u!^K!PalFm$)lR@x%IY@jcyXF@Q3;HGr%5frXiHXGio@+N<&i6WQo zX@L8u%!WS|2OacvS1a2(g`PgG>``{!I;H6M1)8lQM0d|=HVBj*$Huo4ZlF&oRo&-} zAP&C^k?_IO>P=f$eZ$o~!?CNgV2V#9Cz+;Gc{j51YK?~DGgXi(74AB<`z9YPVOH6} zSh{2Hl(IXjpXxQWiax8vQIs8f_d+1_>1Sc;ZtAzoS`S%Q#CsttUJ+Y_xn{jR{tbY#r91 zx=~@-b5g1Y^GY>NrQ$^zC&JxJ^X87FxrUVna1NfLvDqd-N@DF>pBc?pw6X|o;^N9h zeE~13gfJbDB__n=N3f-4B{58NB2n;{L>3?HE{kxe(cUB<1JmEfwD(zz(Uf5`XjJ^5 z4Sa@XqfGIXXF6gFRpbLP+3UJ;I%e{^rrxNc zp{t89;gYO`tpjK>8d7b)o>M5<8cu*<)v0S{qZO`hF2Ot^05%3Dag9^9TIf^ZU32Gk zzZI^NjZZ6Fi%(utub4Hn(z+B*0Ft;-Z-v)&MH0fxrCE;gN2qcCHTe8hFyx7tAw#EP z0iKeo^dC7@`dk~INqj{1YZ2L)S8HI(B(guwA=`yh#=lBz680*^D3(PIe~j<-!G)=q z3sXsPt@T5zR^^nqJ0p7Ov9&Fqa%WZU%;NC~F{FY|=9BM()yB6|Ox`H8G0y998QxLt ztUdYV?#}RDnr9u#r`!ietTB*CG3APA9`B49=tZ5D1gPd0w>u-Gmfe|heVLRq9kh?N zfk0$6dg}gz`6cMA``jLFj_r}tLgmTUh4(TrsMjm zhe4u$U*OQ7_7V(&^>|#-jC`dA5%mmz860^ODF5CF<-_aqMm($o1TfZR0w2Qmk+06Yto@BH}%@;yd}oJ1TiZJn60s(+HCDsU6|?$Anow z&d*YkC_^#P6Orv}JH+uk1_gWTznKWqqrZG<^2;$ZgautSYMj>iG{3TI?-MP6~pUYOHCpw5CEC(Q--DT3F z4I41N6tg2ywWN@wZujKYt&4`e7K!@7gGxT}&Uhe*_mus8`NTV`uOPlmJa{NS%cl|# z-poYM7asJ>(8uy?m&ee)@ZjUQ^mFl`-zt12H;XQKz=@~vV1&&iMlDCYC9UR5x%n&y z5qKe%g9z7ko$YMHgiYC~Q3cySBz66l+`4u_h<`+)eh}gZ`NTUTgdpA%A%2oiyt6_J z;t4{qF$r5BY40$k2jkX;HMtgbS@^K5A(2%;NwDUUo&xUNx$Bpk#r(?UakDRYcu6k( zTzKfW3a`k`q6<85;%Rso+8MPRJS9!#ST6nLzyi;_Z&>IZ@m&~lhzb5^GFnQsTcZUh zEX`qpvK1C+QW?`|SY&CXX12r8K4!{T*Vh;g$7_LYv)NVSp|GI(PDRDUt?#w0bHuKP z-ilc|7AoS>e zJ$;@QdKuAD;e=s&3SSjb@DzA@RdE{Gyie^stx{Ue8>9$@Q@bcxLuo69uX$&^k|JeJ zh0r`K)p?3<=!z!zQ#ETf9jhA^T`BASg043dtx^eGt+K=zlC0w><)y;B>jbo*r)ah< zR^2>WYjc#@y5<|RXYM?s&^$U%s@avm1{)gl!ZK|QpU7cr#MCTro=&+)jr}c|#*X## zYif?;V?|L{F}KXQDCuE1Oj7L#9ASo50^GDpz7vxV*>&I%-xf^+AM*dcF0T(X6B@chJ9KYIL&3O~lPG z=GvVSiO-^bIkWLne}y>nhZLL39dNug+|s#eC+09)Ldno%)S1X%AoAP8XWpta>U>@> z3iX}{3&dr$Y&(^+GOzamui#@a2cMG4{X5U!f9H8+4o)QM{pCG7&%fbL<$*c!DYzeK zdcIhmRHhaFPJl`Q4=C}9$rYf)g@BU(ElTcXJA#s66X;+qARKK3^|J1^j)Wt&R@QAi zj5eGFnAFxKF>Psmok`028vWdGXe`Aa>p_IZ4fgLB48UMy3{ng@!)$`k&onE}zFEBpU6r{RtWAcWWUPOzCrp(23A*SMNpAU85tyI-Dl5;r9D@l2XuLGLy>)<4(va0 zhODx0XuhIr6-JT*7Ibso@L{UijH|uGJqn6w1*5!*Qmgtd@rC&$aiZKMq{StX9U4woeXvrV zSP8jHrOQ@2SzQe$`&JJwsflpRHpyejmLR~|Le(c%x~*a4(b84Vq;g%C%e7)S%+}5M z0ymbQr}^@8sz**je>RcXW?hS)wxOTg;z!YSK!2gd8@#lHZoL3WJFE@UO1Zw+w9Sg? zW2Kzd*cUXnkzO=sy?JR}7@d82@x3=cPz9`}Z;xPQEvgdh?=5{c%Eb0$W!;bMk+V)C ze$CYFs+#eN5lixLw`89sMc`k^6SKfmW}Qn4Mpu4>5MMx+6UxdyzN ze)s^2ntxo1vQu4ZDVwJS4e>jD%{%~jCG{7$ULVa%NmmZ0gBoRp=9O@)47gE z3K->_1SGkCYB{<8E)wM$02%T>fXIw_8G!G?>pwtr>%;gn7>id=#SEs$q=H`osTE=G zS_yI@4yVGBGW^qW%J2_Jv{Fp|7HIdyWb$#Dl(^Z}>fu_aJbB?!nd2Se{LRw<$4_4P z=#__KnP?7M`sfR6v&rsh6RnzPNSvZ$7Up9oYq%BGFuZ)UtTlp^^eOes#2_9AF_ ziglJ&qnV+Eq2j*oY>Y!QX$HnX%uq5TxL{U&qog33aD9*CVP}Toq0i>is0HI6mbv*x zy+ASeAdhS(UlF27yLh}K#x~Y{QhmZUmlDy>Z3|D@)w4zhY1_h{Z9<|B_KbpMoXFa< zG`31k9$Uk#Q^#b6R9}dG3oBOlsIvXC2E^1Cfp(AP&bgAVWLHexx10(JzUP~)NK+#~ z9ghPNsUKTT?su;sdrw?p_FBuSU_b1Q9L{E0laF|u2~8M%|8mN)xPpv6-!G%HW~;4n zcQ9KW;sj3*I3^OvmZ>khvc87|2DU3F@51s{GFlQwB{n6@E=0COG7@H^8DO;Iy4sSm zTrBC`9y<~nrx#)MbD}Eb!~C7uz)Rfif3p|9fK`Z*peybR6}KR z6uNhs54I8;mY=PL4PJ{1cGpx*w!0A%Z!8C$R;O(Cv4%3TRjVSV=xi)u`2|WN6|x?9 zJ{GTtjE8l%NkOAiDUni*2%@O0%@xyzPx6`)CQk}Ubm8{~YK_9!J5WHFnsiC*~|tu0Yw~L<9b7 zIVJi23bOh~{jxfX$8Gx80gv0`oO~g0DBTg28~c+N-h1-N3-5b6aHezCPdC;inv>;a zUv}i9}Y}fz=~t0YeqGo&qeU zowzVK7=1WC#v2tosKVGF3x|zo>ZT`c%@!^aUPnxBcUKe8-2Nfq@{Z9os&>aWVx2(f zn~K^rS@Odw2_rPb)lRokJ#BwSqxSos8$=E~4 zJ_$%gbR8W>DCo-IRP=0fSg@iudjPqoZvzEn2z)g6h5>S-R87NznIC7`IU;!zLuL3KZm z8ZFZq+rqNnm48FYv7od1?BZ7PC;?;Ws0rVvrtXBSFdVz)toKdcucpo zMOe(^eDpP|9H_xp(Zmo(*&iS0qU^)jCDXE(BQ1;_*J`?QRL5RFoVWmE9lJG_ZY)q* z;qiwxGn9=+S_d0Q20s^CMmy>{6>^n;o8R#z4~u}FQap0-=a^v_F$h-_qF{etUUp z{N#oAuZSW)dEv1uugcOQ!cQ_fM$6*l7r}gGr4}B({EFy5jML_}b|e*NbS&Ki?T*3W zF!v1YKn_@`*8~5F5*NhG0gk>F0D+kcj$|M)Wj}lK<=yQ4Xg8d z1I}*qx(g7lo37yifw2;D+|U}nsREb89P zT<23@OU`Kr4;(l!v;W?^SkeS}_d9h=uIa9FugSa@$j$jEj?B{ChH^}=IP(pY!Etf_ zy+@BF*o(^Sx^>sBy0mVYYeYH)h1)0sTvNv{&Y*QrEhrirOMoSwCS$3xiR zjAvD@t(w$Um1?WPSg5?VYHV60vT*nZsS?nh@Vy|W*}gAHDID4rO?cxeG02mBt2y-_ z1hU_ZL|J72McCb+X#q|xdZuUrR|3G?_pYc|U|wW}9jJMd30c7gDyjAD8MU@X5D+0& z_*=a!$TLfby-d{|naVE9R9Ra=C484`rk)X8knJH!bufE)6U-M!E6E;yGHnlO^MW}2 z&w9Ln!c(QPm!Br+v$nY zfr-p>@$_VYddwIS1{Iw9QYsXXtbt)39oDFp;ayn;k$6$>h3p&@?-X1gwFadL0PDxRED zmXJ+Z^DBm4g@Yz`qq#m@`u!!!_b}hL#wLy9MC8lD+&`NR;$d%ER4h;y8{P8g#teyw z%Tv)HHgBH8PPn#(N%Ww^F{-SuNUk+NCC8=H&J@}l2S$LsaM39gkQloY^}JFriJ*UW z7PI2C&|1}ejiqD*@FL$eh}nTkMa8T-rsgSs@d*D`@P>L{Zk>kQnd$VH;ama=rFXDX zvhE=RthWXgy%>ir$fB-X&B+P-Tb*Ml<_I8db zZ(}fSJ%XReB=>?UiPG!aD6uMa^u4BXuW_A)jujd~*W7LQ*G^4XgzhYkqr+~`S@f%U z<5zZfJ-jYDOS2Tk-Fs$EnJdmQxR?`oF_#>-ilEr90M8Kr-08XK2-SFUKD^^H%fJkg z^&Cv-MeMeIpCrLIQjAB1mAX%#rq5lSa*NhYpvAq2N3mT3>`8B5CJBkn5}#zU&gqeK z-z@Q`NGffX;O7mdyp}IYTP4~&lC9gRkT2|CSY-BSgTzm}p*u7LyZr>?J9>_jeH$xD z{*+plf6{sCv>8fFL42JO;q+DH{@X0~?ouZO`4~mtX8i_>YJD6(k#=%0NVmgvvLTIn zR_VZ`d-Yu+-Bo?Fn>xh4$e;4=4deU2F=h_H_k6+rI`MIv^1D&_WN+Avs(&@1<~U{DvhEbBYpi z#2jHc_tkP&v#33r-r*}ce25_T3R6um`{fx1=Ck4|!t6bRNxU^3$Llw+Eb~E1^l(qHs6Fv|CYl+c zNsd@f-KSk5L>@R@g1PU@Fd@G>R}tpEXHe;_H0D|{@`<^$er6d&)c)|c`}9K6NnTFg z9T4|VNUcOCS&)=k-WPI}ZV1E?>AD!f=`d1U$ewMKvXnRv0+KSms zN$`|zV95PvO2i@e(=6Y7j1rLhDHgRScw5U<7{E|wzt0dWzvKM?OUJDkAxa&qke-`7nf@GVG6t#})Ky&`iQ&jzJs&T-s~ zq)!EWN7cWY;QLy}_JKOflth+!enS$I8@E#;j@+AAmifRWkb6Cg+7r1q@6WE{MUdO! zOM;b$G8M@$(p7|&uNqVW`69lOlMGGn{oEf`vUOUHm3*-lvkF+PonvdXc&7E*_=VQf z+E>$Lykz7C%DDqxx};R1yDKUq;iaFea)Wetn>}Qh)7^a&l0G$f$vApdt)$tE?ZC?$ zd;14Sa;IbiW9B<45ywoEWt$IB0yAqYYER6(Z8^RR5v(pRae}-b$*?28VpkFJ{_3D| zTxsM@rW&|cN>G2B?#ly5grhM$jn$b;wI0eSz5l!_zoC?_a2 zz^~?N+#taF16|NvG=^LsQuN{PyKVob>QwT{rOEvqNk(-WADFHB96UZ zU|Huwl)&E4v#33>_avP8+1czX&Ym0P|yx2sV zR3_Zcv2B|7=Dlg^z?(Rox}s0x7VzX)`6yyZM3fJe<`H+`SYTY>P8k-!i!~eon5#6d zg72=Yxa8dlT;yd;QQDz!18!r$rZZeU$it6>>!J{L_2H3l+|zx!Wx<2vFxK+|-?Y6_ z4ZEFCb6goPdM{mQC>{5?@klr^uQ$Z?k9dJ^CU%PA5_O#Zy_RQ#!(kg|@mdhCflEh& zuczBQ%39?teZ`F)ggVkK2+5a2L*aT4_lV%&Idze|hH+m&xPg33n{W-U)BPA8=xyU6 zx~;Pil@6DPjuN8mL;{<*4a^Hyg|r=V=*2xHfnS?`=`_0><@)qT zRj12DRBRlp+BiNPQbXNvZ%Vk)34HkSN>oM|l~%Yt^Cd&VYLIqs;B=ERM5(V&f5;>b zH&GotFv@JRegP}9?c zs-xmYdc@jt;!L3y?srxmS2ip9M;n!_sHUZ>EE5ad>twZDC zcIadsoAt7nlwfBDX~?B;ledJ6Y8EkFF>ly(;(aR|Ci{WQv)M(bs<`R&BCa@0EHAW+rGi*zRUP*L*eZ4*&{6*o{l#!IQ6`aN zH)oAw+NE%f-ZwGJ` zCKXD%ZCNm=)uNXo?Q1>Vvgo20jW#>tneHsn0@gb>u^k75#wa>}E?NiC{H?p_&y7G; zwoBG}Jw4I>pdg%}xMcPyC69fH#k|O3T?~xpQ#cWTW!r5WV4G=K0oXPomOZCRJ8~IS zz85K6FKY-V|2rTP72kS-zlid$$EonFsgcIAYOE)ah-h%W$ss%*njy5UUdFzlRMcl> z0^`^daV(+Blf$)mm}#5%hSTun4EB0DuKn KQKuj%m;N8ogx-|^ literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..679e279aa7389602a151bb9159c850040d94b731 GIT binary patch literal 35000 zcmeHQdypJQdDltzT)ky{ft)1<8(VvDx2F?+;6rkdgzN}KXJc%0iS8K9?#|xKXm@74 zGpoCcEG*;TlI$r0cnP?$A%CQ(ge0~}QU&G_k~oA42~`ORgi2DCAf5?D{vs&?etg}1e&GGTe_;dr=WlnbhG{S7v|`bAin`nI zhl@_3UeRr@@pxnWp~ksJ)*q>9ORiI|74(L`0Wk`OSuWOeyRp#lw^4M@EW0_8e#q4e zp6S?Oa$~?4G=>%$S!2W>@Jz3)OP~DRw(b?Qa;~C#HM8L63XWYei@IIVb4QOHZBRm_ z>%T`|CWbmie^-NZJXqDhpVu&U`Xg#sAY+q1D9SPG_m@puZ_L*7nxD};WS*~kC_j~V zlUa1BY(s^z=DG;P^MI{Y_|tH)UX5PzTH$m}FHxMjKjdkP^r>NNH^z)D#x=$!W4HgY zsfz7Q6{hZW^_n|%@8KJ7y?N?xz3RB8=hRHyomw#5+gW1|Y7p%9Lw5^J+-C7*8+}n-6BXmtYcbt>49sQortQus@9;mTo^)FD@0nV}X3Rkjxur_^3!37$Aa?K$4ZbZ`r=IUp%PK!Bdc zfdBJt)jk)$ql}i%i!s8A zku1X|6gOa&Jx5$Ul*ZLCam860Cc^Exd9WonyBIfsbI25pt!x6MB+)+d(rCV-l?7-M zvMaOtYR;;JFfEWJB*f~EU`tKbL_g69s)D~nb@7q*b>a8f%}w$t2>l7By)R>erVOif zyWrKEz^88}$P`aej?bp$SZ&VnX_4bSymNu((FR>U*PgI(swK8iK|UOkeMMVIheF;` z)$Jl0y1EP#F4dK=bpTC9Ln`gxr7$I1!x0cHIu*^d8~(=X3d|z{U}InsH#vE$fj$-9 zwc4WYHT*5I@oD&*@yV^~1+!!p8W;T$KoU3V4gVEwk%aJaWrkz?EH&=Gg`B?xfjkom zr0--{fhVOR{d-E0KHVf|sy-t7<$!D`t4%Ov64@W7kZmI=Ew@u}UNUplP!Kr_^`ZIK3|@1U-f()p|BH8|vDXw0hZ7G4iPE@e=u0x%Fz* zsd=i4L85nm-JwD4MHmF@>9C-Q`jr|)&@=o1B=R^={(}L^``4t6cvvyAlI`7|h#i!( zDLg9l7gGyuv{XXtFOVp1<63r7tgodLZ`sBI;vKc(+v&txDtSOW>aO(D2$IXG8R7WH zNLW8i&r+&UhGL>8BHPzyh~s(m3ij3ySQW%af9bW=QJ}jvrrP2(fm-hYJE79HK?x<5 zzV#$XBq2}0L{M!Vi;zprqBT+o;?^^A5&CIHA!t7QB~pU}skvC6P8OsiItUh40}wyg zX40bx8!)~Uvm-&Vq>!j=_okMujfTAiiMqjqLOSu*cp!*(to!@ZiMLi?L41{X@NjyT zFC-p3$f}?#Jm^-SPoCxG*R3?O>4i&^W>@fV zb1MB*c<8nWZ%WOg4Loq-ad_yP4q6VLqNZ|pD*e^K0?)i_Sm+$_y%=(c3I1R*T1s?4 zqXj1{&0&JF;b&-48PjN3WNE}^w*A2_X3ALC*BJDNOZ9S@&8`{``x(`93MwXUJ-1<< zA#pwY2xjS6sE9+eYDbLSoI7y)Mw%}ImTd6(%s*BVJbB$zUiciLDdEMMRyCwi?A&M3 zK|8vPsXk9HDo3K_Kjmnx=F}8gJR4U^cw+NQ7~Ps-ZAM! zt2&wdin3U9>a@J4Xyvk4gL9RvYyPUP%v3bbm^n3jYMhqhoZ$WNDTSulv0~?d1Wttt+=SuW7ZL78R{W ziP7q1f3s|@4^hb= z*c%(xQ+TvKj6aEjTOUD~DDv`))e5CTwot}?YNN9HjfAZ>l+&z4;!`M5%3QwG+aXze zl45fu0GN;ZLjnmTf=QmN=a43>uz;Jxr$TNHONsw_P261H9S%jNKFOkpK*yk5q`pzSQ7%h0$ere&>fvD&h}Nk4mz55;6;J%rFuC!bw1fZBmIi;3VA zGmxSM#f5PSy#oS$X6*vY%A#v$FbBV=!}bO4S>(<`#@U?o4ARjIS+k&Bs`(fxUNmy2 z;Nv`(5+h9zKYxllLS)hW207gzAEw7cXg~JqME~&xHVREiD+McoM>dH zk_Jk`2;zic!~heDL@u4j(HM_`>V-^hi`Rlg_Np~;`Np+Yr^HEm0XIt(AAsN{v_Of# z^=m51^>R_#s*{vmI==yA=fgValX<;mO}zHyQuycwj)MliIo7}l1WTq~E~*J97_kBm z?@IPrf=B*^94|%6q%TS4uE4P-^eB;oBCB$;CyD$r#U8WnqaQwAqGl6vk#~wKOXO?IPF+t-d!Z}^hDo&lU7o=$*r)vd6 zDVi8`v7t)VUY>^evX}ScZ!VX^U*cjsmpKMvAx1_jHg-sDlT!QT4Y9WO-pOm2S7W%uy#Rq z>tXW^lIM!?Fl-Jv@K{`SRs-on)80?|9Dpo;iQ4JMsW6hQY+oKSYoh3)h7z-g@mz-k zZ47db0;1giY&E%m4vCs(1m%vBx0p+}n7v7W_Kx`;PU zgaW3=sDS@SN!LTXnnCatfjeKlv~ows9yf zAl9S#HcZd4%rS45p%^Xufy}}p4>6*!&PnC*oBU7M^2um(c+}jk9q6UW3!AqGiCWk^ z3YOs`Y4hTcD|v*B!Y-40NW|7H2~u4F{f&&R_EBXU*DKWC3fdh|fJ-G_$hJ^>=V}Tl zE(EqjG7_eZ zr5Hu4)wC65@7!Kmp7CnBM%DuBQx$kgnv-ntEIxBZiL$O!@+#W$cxDOv?-bY2s=AW3 zRWU_1p`5f;mQ;5a_<$_3Vd>dw*bTO9tDT^{~oCWLzxKjSCvBxI{`dAP81jo6E)xpX6dCOr8`H>B67%)Eb4c`wY_s zG>7;AkAg3gvHMDbRC^01jcUHk*lHhjEynI2K)Zvn<5KC;*nNLB1r%~mHFnt4C#E}M zenZLNNCWUS1k%*sM4F^xGqliD; zt%#Fmuc=YDFncZH=r0TmMiNi*(3QE!b&z*HZ04&y5)oCCN2MjLv=a;{ z>ODN_Te_fnCyyF81(t=SC+o?sFyb9>N9n$>jEHYb!5no%^ByR_3qt)kfz${jU*(W$K{M;zL?H^ElQ zPnc!LRen*cyErVRV0bf`Ywyf^*d0wyc}qIH@&cm?TUxC-c`a{Z(htXpU^R{6Suu3yW zTbOSLVgeqIKmVC3Knae^Z>Be_?&~(Z$`%QT4^_;X;ov|kI9|Qg&}`4t7&srYUA*WKgF+i?69PD!ewF#GrI-S_%@ZOaL{(AmhgBSTcsf@RW7YcMueAEl|1rQlvd@X zRYT8vi7a*wfK;wpED`wUGGY$y$5J)s|<;}bRF z6N$pE%9dHL1{MFkfgO9vNI|xURI6+%Ddy#vtn0}3weqHoTg>ZV;5eK`sjNSYTTI&9 zAPyR|p6+BZiD0wE{FV&GLnn04aB#|_m~{!?qZ)O(u2F*Jra_c30T1mhkQCh5JPnSG zT1_oD@VLWnFR3Rcd^g*ks@Tus`#a|6&Q6~@yZ>D9%c|rYu^5#Ve*B+a)5&-*=uwk1 z`=@6PNatDJhO;MemZLu^P9%lXeop$_@OMgYDnuGPM|AFaY^lxQpNc~nO;1&`Coxh) z&mrNhBAw01d?OdeGZ|QX_(9eSIASK3$%p|aoeQbv;lEj=OZ!V8dP0vL^aiqQk^`lQapAj+j%UgVos1I|u^eg@aEfgT&Yfsi$$l zY6LyF)0k7IW!j?VX)L8fox3dGo`_k6LP5oxJlt(5fAI(pTF8d_XSE6q=o6Fip}=_! zD3sp8rp$_q46s^TFX-7Y44Q(^>{wWo9~my2RPV@waj2CGXwzb=#FB0<8nosNDPxx- zmJx)oLTXWEYw(Z4x-eU!rn1Gd;p+tObRI}5c`9I(PcWFbp2AOHvO7VQMCn(WD6t~7^!p~hH`Sb_mIWF>=e^eKD<13j`n4IH ze21;2Gw6Bq#;+V`drn?(Y-cWrd)ujbWj;I4;9_3j#e8(KD}q9=1U#eq=NIOK(^|u+ zeg7BM$OAV-s6pZKEJ?%q0#yl}gFNaF2V6`2tiPhqZGBR+em^_hkh?4oR##}>bbQk^ zRn}h;kumG@_(^pWrO`IbM1${Hl09?3ilmVbv^eE3<|2K8eO}UPcH?4`J1(232o6Mi zP50GDh7hjOKlP^Xcpt?7r%e2)=kc!1m!t@kT2_RpJC)K2`!`C2qhFExAG6%s_gqO& zK10#Rtmjx%>$CWY!$Z7fZjnuE(ASCwMjfvIA<}L2SU$g&7!ey6f66;NOzuBo!t6or z=@t74lH-{5M~tfVN&LjCDBH2xDj}GO&QLdaDxz{Y#ml_tJpnXD{{~OoZ5G1~}1Ga3$d(F+bEbKIT-EUz$d76VVbOC!&g zaD8aaIk$l9bEH@tvPVK5rI!0(s^awm+Gjh|BwJu=-Q~TAq-zH4*LDW&NB~z7Y%ejv z1Ge|1PX|b~PDy&k>km;Pj@KT`G99Eu5BGi+wIg0n1#=}d?Ge^f`-zwUk$X-TVeT^t zA*2`Q3c}pq>$UdQ8*{A?`NZs6H~nN0wL83RKj9E{l2?;=3&i~@sg>v?3zAaH`&z2f z^@6v5-=P*$@b(gtt{HE;=p+Zlzmm}QZzLz#PUtY zC;_=&WKlap?%WA6_kFpirvq$WzYHP}A0CN|HC;eg5Qq<;;AvxIn%jx#!+L{wF$8h3 zIMEG=i>Td!c&qv12)&M>YbAHjF}&$L>x08 zWZ9+zl)%gfSk#V~dE;ul83I^cUE&CNKa~(idcm$B18%;HEKb3BPm&fF| z8#PPD;g*caRg58sIllHLe%n{g)0^m;$`t zN76L|Z?^Nit|G@p*v41sp=_d&)EBal!#;R*I3r+5GAnpD=cb9?482~ zfOYip8uiyNg9yW~%EZN*E+CHK)}vTX7Gm9j^j!|vxmbIE!t|(rKunBT+!d{TRKK6R z-Ws^K98(7$;AtB8NiywUEjf@XWt@A-ee9a9`g$Ly@$MEhWG|H9P-dS;4?K>sbB9Y0 z&aCa3CSK3NkvX_VBDhu}nI_AR;S!gjChocr*Shg2L-6Zj7tC6Bp~if6*|PLLWWy(v zZgjusZxN5&x9+09-FDCer+qSX&%wGvYRVmhZIVV>jwt!quUgv zBSyE+`XkseD(;@d3%oUT*MloCj^^IXv%yid_G!Fk#B04q=XP(Ut3>iz;WT~4bs~g1 z(v1qym*ai@Ru{K_;2=A7nf!=x_kh2RyiTid7O&9N94_dM@esYNvk;XIs|b!JqU=P1 zGWiu#{4MaZr7IxIIB=+phT&%n4cA4A*8zX0z6=*>6veB%QRqNX&({}`d>gswK~Qu$ ztgclMGUDMxb)EQbT=2Iszg!hw$_}~s;*ylQSDJkNB)ggAn)pXmr;AKfY&I*Fake>X z4Q0cnE&g_=?!miPqB6j!H2mF(F9{OXuaS0d<8&h)g4EZQTW%E_or3?>dwW!k#(Z~inks*gcroSYk5woabo~dLmH*k~8 zHbNFP3i3D7g%(?j^-5I@wGM)10dUR6hBpn6HS2F@A&{=^QuRkcRadVU9d)@v`m_Uw zojR`0ol-?grX>a30gA13bT=w!sp!~|TRaMaRz_S71+BrD@VB5aF7%(@>kX|D(bSSz zM&TA3{wO^m6Bmx=aCt`E5Vazzd~;1(3SXh3JE=)Qa{!?Rnm`5T-=5g9*WXsvtI>TS zOcN=D+^$t>8UD+Itt|+4bJZ2>!LZpL>xO?d#bgX1riv4uQ9T~2V;JF+*YCR#^4wM{ z6%ynrBqD!9K%V@nNo7xCOP;BFC6));{FLEU%2Uu-AU|3W4xMZqANF@cCo9ouZ*Pz?6Cq-suH%4zsD^{1!aT^IMpdA^w8HM14-A%9qM#Mzp@UR1eE-z<_vlC1~wLCy7XyC{Vw{foF?}~-e23{5n zYNg;MOM77#8Wvp|qtX6IJkup7TAlUIO>EEsp&^RSpR<;V=5Ni@pM5}8wzJkM(-Z9& zs{11pm&_ieA3w7gF6ix(S*$x;-*#=z30NYr^vgcH37cZmAcPIHVFM*0sCtn8Jnwp!3TKw>P7URpvSZ^Eq@xgg*`;Tkk`; zkN3OpYTS(`irpP(?5JuNO35=0(JdCdISgicwOO2`1U+6PEW#-*0APVt)G4UvbN>%l CmNCEp literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..cc5b80b171806a019e8baaca9de470443b4ad5de GIT binary patch literal 34335 zcmeHQeUKbSb=OJvx%xKt5l5CX*ck1ZyFE+T245sOl8}v1BrC!)SJqudv%9l5GuoY5 zW@dGFHUb$3N5aF0%L{>En@~j(AQhVml_EeYP~|{Uq>`!tNhMW;3eJ~9QSe8;sF1JU z>+YH9ncbb;z0=u7!By7H&UC+i{rbJ%>yOvn7l%H0?W611f5BF-ZkYB`K`WPSr>uL; zV6^O%8a3Van@=<+9&TP}=7TX;TlAcUThg1sI;1EWX0`0dn|^Tt>(tFgn_WZYnEFm?u? zp03&cbZPpur@P+t=|i{OdB^lAz3zCX@3^M!O)r?f(I`$q3}(^QNO)5f7i1P4_uMqN z_og}5)2i0+9j{TVY3_33hswpLdW~YuDL1MhDyJ2nr!!?;a6JfY*Rl1DqOmR*GVQXy zB()T8MB`^5AmdeNl$-GX&G>&e{+}RWLEcmw2qF(LoAv@4I>@6Dl{}N9V%kba1}3^T ztucJUZ)y$WwZ>E|+Y`nvv>@0WgzlDFxXt6s7W$%kCK|?XxCz~R49w+=rtQrr@9>xF zV7YMGhV;*vwm%uYI_m4LR;=puc79&juk5*XQqkYm(5fol=KTbJ5)>ySmph#zaU4Vh)nF;@>~aWzU@ah67jaA$7b*_NAY7&m}($P~s_H33qRXdiufn6I$15N#rM zWmaF!S(Ol`4YEXpSo;xdsp*y&BsyVJ@E>toe5`X@1Os-fNj?Rke}rl8wM@`dV7+0N z{6-7-49tXu;wdiiGg&3pTT6UKlz1QST);d!pv#v!6E@Da#TKf_(-GP0J4!kd@}|0O zmtpAY5?r{{R>Ic-G#L%4w%^ELO7@0hAXs*4nrSzK_4Q@AN4$WKflJ)r6s;!uRQRpA z3%cJ7Hp$MX8EnKSudbKOidkx24#ogU+^IK%>pLO|;pOrS$M_Ru+T4G}|Pd?K5C527~yE+OQtLK~y9Rx9wf zYG>`w=DV}NyJ?UGEU zRS$zi|7{J22DO*r5UgjSil*9EGKjEe_$!de6F~V7hbSN1kTv3A)yPY}cWWwjSkIRC zaizbOS!tuK5?WtHrlgN++exwhDw}v)8w-hd)rx=2Cf-)bL*j9FWspXYTu!YB$3Mox z`eAmFQj0Pa6Fm{xzqUdgFQZ?uxBitiL2~q$-CA7*dd>PwUz{aS>jPjXQrZqEp=8px zo&!NN)a;*}jH zJzB5<<4Z9+5>`uk6W8r@X5Bhy*e@VcFL+SOCf*(o1o5tI|F&%6?bTNhUm+eml3nDB zi3jgwP0$k_^eWJ&vTK(m(4O$%w=(Hx;z6%f_7-!=TR+5g{oBmCc0h=4AyY31@%?P#?GZu{?}`xrl})_8 zLJQ(CLa;FjTOeueFeC@#)|L&K9(6_du%aQ6l>;YOb4gACx9{BbD$RU$<+7yN6Fl6J zNk0=Fdac46GmGc|51e=s9tQS=mV>9*R8D2mUkNPm!h42=?g<~qkV8!Hhm+A#rhOVM zIALiH6O_#$N0Z8!M#CaYGcmIr4EHco#=5@7a4=eFRI6-u)p#VxslHQEF>&jAP3t^~ z>ybw>OUK@dG&HMr*x1Rr1Ghg%^F_dtbpfCG$4Y`PubavXpJOy7yx?keLmI`-eh3}3 z#)#C084p|!IKrGh6mtw+;=Y*JRy?6UI4uoIYF--_q!mm>=XDS)ICd)sXZFsk z1w|^Biq||W(s_z+=t@mUrfgO!I@UExx>D5rMP0WQtyF5bT4|YyB3{8!obx(Zt5y}7 zBhM9=l?B&n(83;j$(@WxYi^D*Q`3B7=Io)fEG;LbRZER3#9=Q84>cY-^ zli#$IN9a>0>ZRt=kqrf)uS7z-hI74<;ef>%l`P!7O9C z+bq8h)8ANBV`dc0%L~)(R;gFDh)rvS)_aKA9TwF;7=<=D)$@9}$(FaqgL|%!_GSp$ zdJH8;gU~_J^GK+BrF@^r6zbkqp;{lMDnX*RHLa)cXg!U8QZ=?dhIgW_559EfB~`PH z9uAW6$(lD7nPViWLlTKEpiUXH^HTqXr15){nzujTc|5qTy@|)}G0mamcv5OjBZZXXbt6x(BcgN?*9VZd+E-h)VMK>FwGB!?MAJr zyUi29P*p4HRXhya&LZ4w^Rk%Aw7$Vw%lbO~*>!9rAtUQyyp0UiT{HlRp<_sh;4JeG zLPwLrI18Ujh{{}6!Y^rXM%sd|Nd5_;CeK!!@(t2SzWkquiVpL#C6)gtVweRG@dyp; z^D?j3C3q1HbvCq}%?aiuqCZFxjbS{E-;x~>C(Mq9m=q*(**uOXcnp;%VscATjuP2{ z!DQ9@<8t4s8YBjVbme*hg;32lCe(~fv101gvYHBC5NoH1i({W9BjsNxWKQHvM*-wc zh9MDAEP(tfuEx!M3G*gOy~9%I5AW$x(??tso$_)Em-xJ~h_1Bmx33@7VvK68n!a9Z z$(}UAA5qUu$x~PqdYQ<;Vy`HqimiFfAo>b`G^LzimQN8nECcJUqQ6Jh1$Zmu?zN@9 zE(Qe%j4~_K^P8leEd^rfidJ(PRF0rQJ#Aep8A{nix7b4tU_=tb0 zxQRmUD2PSO5yh~V>i0-?lBhD!jfgVyWie}2M!Tva4#`1hR9ZC3ivFI&D;7A z{xI`iujC~oq}MY3w5<5A3$}%9>b1I|d8Q{b8qZFQqsJnL23Tr}bhdrZb2cAfY<5m6 zFLdyb3yP!Am+DosWcrAsh$1jrmOd;Ew37=Tm*lVuHXf8B3yepAjuc>FaoJhFi2RWo z86?FGk(mF8t??nMjD+f)>q7u6sxDe6HOrGMbu`q*u;lnfTzasQ(k~-Z%Z!cel%-e~ z%SU1+$=(G2J|wr6@XsY{nI382Z9RymY!R=Yj08-NaRom?S=U0m8zuY+C7gH{^YFVX z;o*0XX|06(IneG&$P}3{AxX0Z0uT_TJb&>CS>kQdeDfv1=I1Z|Mg*f*44Y-58Di<7 zW3a=zt4jlux$h^<*3O66rbCiO2!^x4x zQ!Lz-#+_X29;rS-OCSK7#~yEeAKTUUNIE^+ws3AQFj+#elg^D^%e2zYEs3qt()@Uk zUWy+WN|Ndc(f^0B)j6r`%=*RD4PdB?xpS!`E7=iKuU|<8h1|1UR;Z~VppHf_;#R+9 zC8h61rnN%T$tx`0Lo2CZFX9cugl3q@hcZsRjRpOdmGE(L4F!F=S3#%UR*P}Baa(QD zG+r8Tj9VbhQ%`>7AG#n(-+pEGZY)YfAsV4miChWu3!yKOoP=rD8yNbyuC}b~p509= z2)?Uplk^d!k0`cXKa;a)xCK> z@``;}cCi|^C(B>%x2bvPR+T9%a_p;_T@46>@eTOOfjA z!KC5KlZ>s-Nmt|SJ`UPloE?`+kIwFME2*H6d#1C)?kX{XkqF>Ozm7HFk5|IUSJqI} zU+Y!WX*_PxzczT>nr8ME;83z7DjWOr7e74v{Kb#F6gbnq=$9I6V$Dg*vL`?CNEglN z+m8ev4;}HhX8di9txw&vif%$!B5knR7EaCo1I2?>V93K;V zrD~(Bm-*T*jY(>zCoe~f?S5@Bxi!d0Ky&MdSjzv~mwgI^{t=UM3qsTD-Vr)uX6@SH zB%#irE8+8YWLm4<@;GRB!DlX$9`Si{B^4A>&&20=>>=7dei66%{*{zIvxefm>k5na z^hzq&i+FR9`-=jUcB}^##XWRt`I~gKCm3-X1rrj;FjyYj`-dqGb3pxf|~-`q-vQF;a^fShTB-R-V4|jyqmIednFGzu~}H zl}FyNvqyM{fV7s@Az1ROeYM&j@>csY{xph-8QPyT&cUO-HO_eO-0GD0`HN4kQjMR# z_|$3@Sz03aW=e%<1)NqRSrnsWzk&K#?51`eGES7{LCu@cbImke&4(9KQeL zsR`w+IEM(w)znd$y|?bYH5;7G}>FsyXGf+L-3bjk|FMyo{dttwIBpzTdB z;_(>vtU^|*Tw9f#2(PUw#YU^Bt;%bwMlsM5S%h$dRH0t35cucB6x>&&Rtg68hLhoV zikK0*g2zKI_Og+J><_6``}2o4!hLbHlKkOklm3uG z&c%6d)-&DwArWl#htJB|HF8|{4F`wmi8+<%cZ|BX_uOJMqH7r<8IuU=-GuQGqS1T} zQHYwWmK+4m;rtw_pCtk1AiXP?8)#T@=qarT|*t7`rX z#)0S;q+(H|Bk)*=blT|9~@xG`Yae^^2|z|&TcGEV8kkRG70i1yyAjij6s+4 zvy;j)iYaP-$ELx%mCAvebuSiqe=w>-ConOVaIYAH*FT!_nIb_CuGd+t7 z)*|Siox_YdEy9*HUt>8P>bm9mbUEe>N+lID?ueSD^2H+pVIdppeYrInuBWEjBZ2c4 zP$<8Hy>B%S1z;_6=g`-CLPd( zup(-4V{3?h!m2M@fTp@7is7pO7?cgA6+DW_9`@PRu@(%WnS>D_OrHQViYzR+s(CC& zKvv|KqB0n_O865FBDz79MCpMRN~}t4gS3h74X(4;wn9Vbn!Bxm-HC2(;LhNHF>E88 zLBE#H4bGKhsh-(oiDM^i<)aUFSkV1vT2C$+__tNZ$5H_ zhzp1g~a z@37val!GC@~`Ty8W1Uc$nP3%!Jv8+_M|@ z0?BcQ^&q2ay#s%eO_cB2Y_$l?ME{`|JQYbfoZ`ov=sf{6MgIm*bD{$^cLqPug=&kX z`&U&wQ#0!WQnjt`l0-OwjtDj-v-uu!bMI8+yKglq*Eff2TsCjUauar}f*E zf1*2VhSk5CQ1kDZ*nyfi_ta^Znx1mXO`mO80x?HNk%=SbcUZ|iS?;%4(ypd={E7}J zLddMuWs03bXl!@c@3@frHyna1P+7+*-!?_Zg_K4c4^F&OD z$bILFF}INtLUwhoqJFa5Z|h~N$LcZHijYstuJzJS7D;=<+s+dXaVL2tWw$}xCrPbD zCs~k`Ebr+|rRxW8f3-_1X5j57k#*I0+e0Tgtp3%6wjW|*2io40g|=dTQ)+n1*Ei&T zfiiK(eS(#njZtD!;R7sbSIC_`F6O?k^z?Ly&1+Xc4B~&55^J`At|AcslYaGKtwFpT zfw)+l=mo?@(%wM4-F$Hj-zzD#4SfF_DU^V3K~l2f|HxFge&G9Gy0l*gd=HGhIPe`- z|7wEoA26}^)mf%2eIxfP&_)8ezt^Rur6KM=v!q>-d;8(^x?TvmZN9`_=yR=~jUOs@VFGhD)wB=Q`lJ+JhcHrfW-6IC1cBgDI z)MOi!m|&<ZM-jw;i(; z`GRvi6O=U!hDKd!J@S zXG4_0-jA}RU9oo-;r;B~?X`*W8V}a4fEdI7IwjU@0ST9Ok`_j}SpTwLvGxIl*-4j( zi5(UXMeCe27^JATCa#A@Sjarj^8j0IO;$CyP6{AZsyM!q$Jn*ps5HxI+}DPNyrLPN z<9muH4*pR#70agU7US6*d!i#Y~AHxtL>l%PP<^}7#W1y(XDL80cMMIS-9A88doN~ z?0ia`T`)x*c)lZMs)oDR}J3(noAo7L6m9`#M(8-Aa9FzV?(ouH4aA-%pp;NhgJF zJrRsyKd89k4?hsCse3*y%EoEV8+kD}SJpmcf;nGpho9V^|x__O%;?@R29qEMo z_{*_@U^CrHk7Mf8C5j`)S@6LYiaM<$SiDAeAb6m+gTK+MI(wtiQ5509LsXo|Ant@e z5o|(~E#0(N#c@Ja7)FpYG~CK3ehvlO^(BNzqbh#Gi{B2F^rdJvdb1!Y$YpKaU3>U4Ryoa z7{OMj;Ul_NqB6v&;I{SDmlO%>&7|F1INg|sF!v3~52?(-HmZXMLE)T^dKGnQ2Aivz zz0kmM*pPS`zt`)y8TS>~gNz7fwXD-cyeNk5kH;C_Owmb3V`f>!JX6J7YU09hG zc~Gjz$+V<|s}`|Qj;^2tEfpO*3X4ZYV2;G)NN5elWUvX9@u2_w`ebO0NTycIDk?YM z494jRh2U;;+GK~eA!=nb`9@b;jDA8zx06Xha{!?ROrVBiY>#i-9c-!V_4xh?7Rp|L=ISP_ntY#tj8c0wm>*uIy(fI?h1 ze>vFZE#oqhB}`W=7}z6jKz|3xf8c^-cA2FrZnM0EYwY67Ema(EuL;raEEzZzyM%`4 z_68|45hC@u2F`?sYB)Fu%!m9r4qS%zI3?4rKnFr#xQ3v@YZO!I%o-^#?JsB6ILIIg zI)ek~%P`?(uwdx8&G~Y0T?whqsXA_duBzCVfOEqF0FZeoKD2#rv3{+zdNhWT4J(m(%+4Lxk%thE>TYSE6N zMleQc$?Z{2p87INd5NXE)G%H}?}-3B+dkt6+g{5UU>l2A@ti8{(PdQm?xbL|tRbBI zWsnKkw;tm^1pk|Hwlgy|(pXlF%>)u54K6qN4NnI%gtpa+*eR4qdTr`ulzL1~mS-D_ z8NYfk7IMJKx+YN;u;2B`*<6>VE557?a)7fE9YapIy%AlkD%TOX&ymC8{Sy$fHH&&5 z8}#1YJOvZQ?hY6`n%aX>@`59DOT69~y=Ho~QJj+mJzgLz!Wk?8V1ZTCDQFZ6{|D5x BGPVE! literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..5dd1b6f7c14200be64ed66b8bfc6bbede8277365 GIT binary patch literal 16509 zcmeHO>u(&_btff0SEMA$65E)Ta_u11G9j0i>N+kfDRw2LQ5ms;ECsAZc{sa!movlJ znaw;z(lQYljtvpGftza5Bxs#}C<+uV(8qTJ1q$?I1El>23b}P3D2je4ilQxw{?5HK zJ9nR=L_3L#3ZQm(=H7G9J@0ewxp#-Z6TCPe|A`}E!?L}tl3A^KewBxb7_0h~xX!&O zxu49wk?bTzF&>zkp&thoo`?aAs93gJ4Y-%wO2lCr9@%bKO6QM;yb{^I*PLz*TO-!! zt)ys;i{Z$QT&}$mr#v22Ot)0$QD9fXQpNXbc9nY-Ub=eq;^l;9V&c$szC{>4bo^V1 z!g-`&0>db=ro_0>+>&)rjHEkR7DKM>@nktJo1$PwSiT%bpaAXopj{1VccT^83`0D` z_hHYht8Zh~xRL)To0W}#*Jw;EMk8~bUM1EMYsQ+ep0W;FC&eEw)V*k-vT!5hLAY?^ zm!JE^=NGQ=h9BCIAJ{xxShpi9F3*Dyb~!MKeDk#cU^e|=V*%KQ3kvH6!;B+8jO%qX z*lzh@C;}Q`T(0}o*ac91Z2EekKebCi2#TFrIuMtw0WoZQRlcP$OYzbAG$>>}4Yqs+ zf1kzQY5dI+wLoy%4k%Fsoo#O&ycV;>M^==SWVXk8qA>e#?ph^%FD>4tn(${#^EA|aTb z=SPx1+A`wo&2yiLAfJouwA|(C3v=vTwxSU>%nDy*%^~dcg$p2<)QD*@EN3LC*kV&l zN@kjyYNDFW+Mr5@7)-*N~ybO>e(yTssTV(L62Qoc;9#%10zQXeG7x9aYq+y}J3 z5pam{ZJyBFE0}vZmGXD?CFM#i7E(K~klTR;Vo<5Ey-0ch`SRA8U+XPJ(rl!*GU{qPziycAMn1iCjq-{^|ZF^LZhEvOptz_npL zG~)hD52aF+&6Kh^ea}-#9VHP-p^bKOfJmt-XB^a?f@UZ;}03krN+3e$19 zYg)PydzC2eFb9K+*~<8qulOhZR%~>x_($oA*OeEBwD!>VKkE(HTI;Iqw2>b)!48qd z%a}6J;9eCvW^BQyX)H-?KO{_!&bRf~eOA|MhPS|jXuAOqk=j7S z8F*p_>pV)*WyB#o3LCs)*X&BNE5>04lzU6Wr+Vrx8L90>WmuO9n?X&6LBp(n{P1*4q9FE=(G!l!!^G(4yp9_vNFgP&Kdp$AecgoKH>```{ zBYk1_5ub4}VtX=x(lmZpI?Zeo>93}!IG^sj80mD)jNQn%ZMrdU-IRDDj2jIQ@S zPxSTJr%-Jd%ymu@RH>Z3Jy>Q}zl(wQI|M-!(`?|kF);OOnE}?IpED`;L6`_Dkca}A zQNQdUfJj=bxft1ltXdyfBVw!;yRNik)|;YWM1IA9U5vuSxkS5r^X&vtEIm!fkWgQ= zPAb%Z>Wd^FnyZ8NjPwv*kHN>u;;si~!_s7L<(Cc&3|uw0?0Q^hSGno2i+L={E(d`h zup&8{*;3)U#Tk8NH_zNMm>n{cRqa}hQ@m}PWtTIv(FlCNlBSVGK8rBr@)qf!@jVtua*x-T3UG`<$E%P8^G6-SCYfE2#8JOHqGg#G(%#cTH5i44Y zYpe8uSo+SToi&OTLi;tIy<1*mAWjHZl?D=o+Irx}UX?{b99hgY%iIkM87#|;?riU{ zRYb0>${o7KQ6 zlT|=0m|6vrqHb*3A$Nt;q9F06eIq8R+L9-7(-?=@Dc92dZ+G3f32I?GP*|i;v=^!K zMQd6-`=~;s8M?2w*$3o($7;SGA?D@=905rfa!}3S43P+C_Ga*m2J4kJSh?+|&8#W7r{0Q8lnpPu8{bj7S&cq=NyR7UNBg*Fd&o>V%lp z41mT{9G9Dz4K8bw-`*EKr}t=Yv<3TP`%FgB-j*pN@RQPhbhTdEa^Kt6{w8!Ys6p+& ziBF}Q=roua?o%DFG~n;;3*|37rcu@q=)b$;I*T&%oo#GFH|iS5_xH6Y@5k#MG`#zh z;;EDrUHwQ#lH=XpYD@fZU!*z4I^9(sl(wUTMfS+M0ZwEOf>G;bIfTCT`uh)=0Odza_7v>o#j{0?i8i5 zE|>AUn3@&CMxAWiuxHskONE+#bQ|f&k&ZsnncYx;8aoEo&j2{HJ8Ui!j86ovN|r$V ze+2cz_AFCNF7lwlaWPbkcyS$3ZL%zeW&DLNBc8vB&^*~q6A|a{rNB8K(#NT#@fIFC zzlNtxFJ{WHF0(wud&R8JA#yZTyoiFXU7@U#)zVl{s)otFVm4f}Vk7L&0`3&f##*-^ zZ&)s+Dd>L@da~B7>Xxnk^+Z>sG9FKAg7vvs4d_9nBs$PMgzFOr5GFDX`1!}!w6=Kv z9c2;2MjkP2Xp>Lu3-d!d$#X;1j?rEWRVFu+t#b1Zy4<|jLk*#^t9+|boIhLo1@?NT zp0=jz&g-+RR48PO+&`eECe4F@AFn3ic&5!-BJXmmMq3dxEqmeQO1{?YXnv?wP&3;L zk%g~jh0!phkp3uV?9wAi%M}_u<9vxeQ~`kG9oAl9QTD6b9ay#)ij~*E{brGr6{(&# zMdlRPUYb(R06Q>^&sYZS=Ph}&sLWDA{`D@02}h#sK~kUWeqsum?&gLB-}1H!>B-W zG$iXW((ba%phHk(Higj*OUyJffIwBsf;^K#x=t$^IMndHb&Y94t60nPPh>SshG}M| z`bdIPR)X^?KBR#>z=|3ydaN5;>#s7$lB&RfIGQ2M>kZ392}MU)DVkvRvF!QKn)sES76m>xwuK)KxXJE$xqUO#a|; zF!_B<>Q^Y$sqg#-21|Bp~=fGDrm z@1&ZBUQ$C}+5^-ts-aodWSvY;-Ep`P#AWoO=oYSUEvrE0{#<*M6X8RGx@XP*+jbnX znC(gF*2l5}sD{eQ7-V`W#zDv&d+D|fA2P>Yjy*dv*~^GIHqCY9Qy-(y!zvzW9b1SYb%@ag9Bdq~#etoO=O0i1=N2u%zMHPQ*R9gOi#0n*mg%bongDfyOmYZUnU2%$m=fD!pZO6_#M0VLERv0-Kl(plww4CLfnCV~uzIq^`e^*75jwwff7h+ftxlkv zKcz`%48;m>%N2UZ03;6Iq~SBp8*-@g7Cu@vy(O>}6S`&0oMG$3+#~)4f$k};dUq=! zk{+Oa(mj$S{GUr|J_6zUbM_lV$QkE#3Dvoak5(QPAIi6trrAoJ+1_kpI#`*;l~wq^ z)tmS~^?+Rs74GbG^sf(3}KQo zhabpQ_N0}6BZod*t*(Bo0pPS)`Pdf7&GadvP)`NwZl;}U#0y2%8O-meHky}FWbMzl z7Gu|c=xc<;jH9B|-b2L@1;hz1FTu?iYR;-;aH}kc6I#N+TpYcq@VmVm+<8U8_*xej zI=Qlw`s-?Vo_3|wL-NuaX~Ojia?z}ZH|yzbpHoyd_Ow&Jt;;w)1W`jq5vR$vdgmrM zhUD~@B#gF87)}=H4Z9SmH9HRqqVY7Cx7!opEXBw2gTv^l+tKk z^qa_@s0)8$486kC{)^j=Q;2=l^+l9AY42zN9r+sdpKGUEN0!C-I``6sef&VbG1_i% z5{ZtDLuwfu9D5u1SxA4zfs0?0)U!<&1nDihxhV|OdRp^0OM_yPE>5B&#Mq)HTr_`* z!*t!Lf%-t5?qi04H=~|#m&+#x^hA3Dj8tl`b z!(xhWAuq;OqBzW-4p(_OUI)Cx6x)MPbVSL`I-ZP2XbIwkcXCf0mgl<$nsR+gZqcJ2 zN45DE=4Ds>Q>`xzPCev?g_PJu%L}-My`f=V9P#4_9n>0>VF@J>C)?h%fpFd-`97@R z<~U@tpK5*4Hd!2{J%k{X1rnk61=mm}UDI2S&2 zM)c`OQ70OW+f@UF>YBZkpppMD*%l*zBo0tZ@nkiwH;ks#fw1y{t;**xTFba!NJBtf zFC_Noj~XG5tGa<7Az#x=zzKEP{J}RNDt{2wD{^KZN6j=1+*|6sZ&>2S(I_ z3e<7%diCgOak#-7dB-+w2KR~@&;;O4njwCcN{%7b{COk9H^?SrQo&Cn1w{BRg@)S4gj3?uw(~wilUO1~uNh_@j$TBW?LxUZ7m zQ!&tjXQre*S+Q_LgP!|9=^LmlNr=%KDD>>g3)S+LbZQ57Aw53sLewAwnPE6arUEy8 z+s5I-1%%i2O{I-=zj-5p%+QeyRCpUGSR9wDcEyPbMr{}z*Rfm!cfaYN1+2d(rqbKn z5LUOQY}&3k$i3TiPnufO$(+cRwWHKb2IYuQbE7L;QgEh#6hte6Nrl+ppqj2zi(@TM zsUR&M16r;51GU^+i9=ocW+;mibORf6M`?umUUVF2yt7XKJqJT7tHH4trxE1g>zy7h6x`sIw;jL~4?>Je#F9 zu0K)ZphpmwdKuN-mZ8Vn9yUjh>%$~&rWnuGma80VSp{Z0h{#WzXor}-84v|nq6+S| z5X;0N#78a|2G+pyjb2Qj-=`hFiybc=2;WMsLA!842zm-Gg^(w;aMLigJU-NXEJfmw Z?N!{kN+P&UW~5Lh+nJgf^5=26^uMm31Z4mK literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..afffd96ff6a85fa46207566c55ab08614441f377 GIT binary patch literal 28799 zcmdsA3ydU3dA_~d=iJ-&ov_d6G&b0?_U^3L7=)L*BiwPZoZ~L${Lm%0M{mze&vy6r zbPxTw-Ho}#4zD{>5pg^gBr*?02qA(DC{hvyOF)!Z%7Z98#6w5{+mb^_0!jn{6bbVE zRsE>$ndzC?y|c_&^6hkY)n9-8_1E`T{qUGDh>wcR} z*4v&uh#<8 zb&~AHm@#floNJejDK-|EfvroQ*iDWe)HJ)&)C13~`4vxJ_H^F|fy(hy$BwrtCo+yc zsIL)6ebc|YEqESpY2Ywu8++N5npDZy#>S(XoMNN4>FDiKVO3)#EkN^2S);3mRs=utMUJB_MY&y$mYc@^osFb-R71L3AvM}Ahb&c^; zL0b!rJB-;>yr+zt(1>7o6bfAH;J1t~yXcGRn`oOL^fC(g5V2RTnvTDq{7$gm0@sy? z9JIh$(+OshSN8?Fr&Vp8-kv+B99HJt%57Xaw;h>L4#k|ReoL$A3rdnix$Vdi2%7h#{cMcqXh-S} zVVn@UmIx!MvLGavJEDkgwV&ZvO5q`yf|hA!HnQ5*X1LejnSdYkgzhrGw5-tqoT^$wvbrT8&N4O?lgFHrx1UOLN)+vu%*9Bv}a zx#`3RSEwDL@qmrgrDHra#@G!#mADd%wkSy|bGNt5%WOLob{1merL&#H3~zP*tjm%% zEMtYl+Dyf2*yzZj8dJO)`8te}d}40JL(11mV8!Qq6E>E* zA_Z0C!wK2zdrCSH@{X47)X{6zHCR`vts*M~2;?-R+J3cwDcMdTU+Ze zTzCQKhq2n`R;@M$Jb2c;Wj$!K9kNYmv+elgxAdCXFl+5gYzp`y>}{J}-xCxF{ni%* zVxOXZ`en%ZOAyGX6M>AJO&aj5RHg41ROxdaa;D}ZvR{eGCbHTF!z7XYX#v?Dk}{r? z#1vVdjG%ZC1@bYzH-Hpo5-H52>{>fVwrnZjxVIqs>9KX7m~wYj?k?iV7%?Qqr;EuC zAZp` zpq|(4P|wzgUF(Ofmg@zokNI2h_RyvI<|P;e>*=JTx%QPhL_Em*03`ARQ2v84%CqZx zPDFSe%97#TlTRAgvhzb)=YJ@yv(Z%tt!I%bYvQ_&QLJwk6Ytu^V&Z+3;>BX(U3EMr zo{m;Hz;I7QUwr#%ae-2EatMotA+mA3O!#K~h|51ak1KAfzS6vAYoQ%3lBV^CU?)-7 z9tfcn(zl)hi9Fmz5D~Xo-zroJi|CFL5pnC&nJUc3J!fQIf`>ze^sUe3tI!t{qQVD; zh5iX22Yy6z?|70ZWjdshUk5HQ%r@GrL{mMCiQ&_0XJ(vie1KsuS7l?IO*TT?=2Io( zovfq=ZcW83Eb!ab5{c`b@4=9pzm3w+5c!yKP;dusf0YJ*z>+OY%*bo56UZJ)*~K_T z^SfnFYZ;PBI^&?6<7*hV2YOvO<$6tc+I|~9kEI?r<+$g$o>Hc1@wC#wPfba^35w*K zQ*;7%J_l0*R{@9zl)iNPdCfC5r>4t^Z?7nCQd*u{)v6}Vbj_Mf6++Z)CD2xMUs-5s zfw8c3W=YX}IFednplD8Aal-&VeMKuZbmFCwBy{Rj!@N>om9bKZYe#t$rqa+jqPe=v2dld7D4y#El+{uEw})^P z*A-nf{^^qspz(=tnj~q}^68TgPb+8V HtgGT5}HKvz}=|lPrIF;*4bv?4Y`_=V^zDheW!!;d zRwv^wEs=U^QykyW8yloDirKw3W>-RynB(mdv`7S>-W1a}0u9OY(iNkmQi|D*HDP@z zW_Dy<%KU{*vADMbAtlmzzEWolyLB)i6&z2o3EQMa2V2r`>uba~Es5=C2Mgg?;^>=& zl`XST?qCz1F!-rvg`X;8?Wq@koyZ)pzJfnkGVAU1ALrh+TARI1UV!Sh8nwB_D&eM! z2GG_EV5^IRirjVj8mv*x4B)OKN8hUEIa$vgAB9NHDGX9%4`3fb(_rPxSmb+IE@Nb1 zSF%^d7FtrCygFyWEbeAU({6TD%KY;}&65`}NWt=eJ2TAqKq|GE&2ZO#+?r1m{&fg+Z(4^YD1& zmxaerf?0=e-K@U`zIH6f@nOF8LqZa?`^`jA3=h~OhH|cbUazk?OlgA6xQLc&N^7HK@RI~`scOuPZ!p$*Wp9N^sd}cF!iM5byJ#n<-|skv8ewX zw0=f^u$TuSEk`{Htst^fk^f1Kc7ul1n z!mx2CY*uxzeTt3QT2;64W8869G2v@piacc2gP@tpZ7L%-YXu@qbmYCO29!UZl0=da zbE;_IBSe8$NJg`ibY761I?$XU`#l*$)2zpIN|^1$1ywOyf~M1a)I6`->tfZo468ma z7?PCSpvp+-lSSa&37fnT6C9q1>LL+p

P~V^lgHw2yHZlgJhGwJYI^R4QR>T!>R5 z^Lv}(>fX!LE)qk<^@=TCHL21_Rm$AnRBd+WwIT(MJXga2$Bu#y@X&n?r3rtvi9i<2 zlo9wvu~(S7L*195n~pSS!2C8cV|DHy(Y2b9=23i|TrWYQ&d}y7L_HPDr-qVu7EckO zmBZ79soQlm7mpCFp(1#Vf0mF|e4)6ulE|5l1}NPh$2cT00rIP~8qW?@jlZST2dppB zAK@gUE}C#rb?fULT;lWgD!g!d(7k?Ciz%wPib+SaBYPG#KSqulrA)z2aFg*_3PPi1 z$ooNS9}5VMf;pL0PI0KFup6Es^toq*!zA|;;VpTGDkUgkN(IRhpAB4KP57u#PDF$J zayh*#J8SbZinDgtj8dso5Pn64O~;Umu#adSr6LN*b(W>Nu~AAITR8EMHp;&b)hPca z8s!E2;dr@KDNDFOuVoNVXN8e^ZDD(2HoN(2(iMpP7)Qx#`PP=vEa_rc|G8lE|2Uhy zlgf(|VrJN7CdET0I+iP}tzam-EPc`XF^n#sW?BDBBbaw$bVET9mJpZq3$T;e@Zd&xcq=kpDIq@$+5-t0 z7H?!)l4eJ*N6?b;{G(6E67Q1c!b^^u&p-O{6gShB$n!S9pyPn`-9FGliu11mg}%*` zTHld+zktK6xp^|bX3b5{jN-N^Qd+ZR!^7>)Q8G__tpOhX)PM*wzJghUy9z6W@k|oB z%LhD|4`bn_W`}hcDxfUZb}-^^n!e-(#}G(Fs&g$aTi=tIXPt}ak+ZJzLn`IpA4=aN zJM&(y?@+j`ouSuq|IOQ(Eanwhm5=5K4Fm)q;!O2UDqEFdk?v1HyH6(+GRao4C(`}Z zMk*Ldz1Wb%Y8k`aWbz_y^S|Fn>Caw4@&4mw7VmQ#so)^uEv1Ge7O?y(74iRUgo7Vm zK@tCGP!Z?NNJppcVn({8(O()EOeLP@VIXtyu09g)Fc-yCza=co*STfsjYLHCYa%I4 zql$JhP}0wfq|XdM^{++J*imO3jCN!o%FGL^*yAM6KT4-#=W8+xkzb{vJv5fZ_2QZ> zQ0jDYo4UeY!RLvSvF}%A<%@4Y;J}RXW(_lb9n&tmvQWDDcogV>6@2n0T5qwmK;;kI7RG89~tU7v|%Mi*( zqUZ-!SufZ100N=1DRACcd&&0f1S@@sFNe>-crzAX$tcvN6UbOCQ!7 zkS3YOPn^^P!^K9*sOu%qDXd*0nv!q3w>U`#9k6E1U|D1bFb&?5K!bZr^VFJaW5=5= z!))YY>A7!ll&5EV7SGTs$z2!Xzg+MiAQscQVxjk$P3>31^4Ckan{(l=`GrH$p3x)N z-ighUY=5-x7Yjud>2sUym7Y|{G_zax%!_c|l<=RbnvNN$YWXZV&^k9lo|`U}j=_zL z$g&!O!z(3P{2*5!ZM0OY6m^#5!Vd%^Az0c!3ooALP~Q7>501VjdGdJp7z_(fqLj%D zX|}Ck!?G!6f8vX;v}mVpeOjq%N=GS}$D-zbP)B^9f`CI4Yk!D(11;o%zu^9L zSXED3&*em5Am5`3hbrxX#13Z|Y4A;^7%u*P@;GMbwH1j^p3|*igLYX=gJ%@2R#P#P z##UL12aJBg4-09&nRfRz5f7K2LMKfm+DxJRE@C#DJ_B_8_2~7?=cL`SiTQL zV1nUXK;e@uX$&Pk(FkM$C^RGpO(M&xSw}$Ii4uX`UkKd!bNs<*<1g_i2G)LXCQ3-WvochSp zqOw?C>>uvawIcX;#mHhX-i0F%+?AqN@%$$ufM6!9c>E@r&+7o~Wo4iCKb z6Jl~^nD*g2w<*-=m)!#LP>OGJ(PPMaLvJf4wK*l1+dLgjcbTk#kv*c0j3fspnL)l%R`w7x60o_vxms0nA zvQYbm0q@8Av}OT#e*{@K4c@bZfOjf_s|vpVfXg26eN*wAUut;DGBj>~mNE(4ejhKg z7_1`PelJhj7q{nz^v}e|JaoPkd;cycgyQO4P1yT4!#3ZQ#@>2@f05U1Fz-T?SjJr% zCv)&6XC082d+Qd}uBe+1mN!;v7sUNf(y3^$91)ee-46;iZWz4%exDXBz}uf9>!$H` zpuuu1fU62^U*wVp+Fsw&Gc2_@r5+k+OA`suzR;(gr5WybdD6Z>+de5d!e1_4>ln>n zp3J2t<0fjEp5DRyuD7enWE?=v2XwUvMZD4`qmh`5Xu)GJlMyABO$PZ>1|O=YMq^{; zb}<^qNvk5G5fPOj(hn>M&qr>`qCJUSO8a*(Rd@5{7^%5$|6Heaeop} zW7Q~=7@{BIMHY`~qape|JZWFcvA1K%Fox|eUsB9m%~hnBrK<@ugJGMXxQ#dOo=#mH zIJJhBdI!Z!o>*X}SR4jqVs&_tuLbns8z(m3G`_Nhu2LGT>n@gUL|KLgcV(^(`S2Un(Kf7`T zq*y*p5*pG2VSS7O8-!`Q75N98#|yCzfr!OP|4Bqwh^V*TN!cg`*tKy{38H2`EAl*z zKY6CvJ}I14v9bGGg!6TrBKj#o;}czI$PSzMfRT@j7$&qR)~@%X$ezE5}pp=DxYaDxzxU&bIkPdErzr7K)6u^rJ*5yp3k z?RH!Y$LSDFKYB%wbc8Dn-CGmwT1hJtU%WFLZGW6iBl%|OXvOr*oH%8-D}ADrx8VRY zTo^+|mLQF7LRWb-H?E%PJ@QB{?=fa5?+Dvf3q88#M@=sE*%7}Hm;10uUk@mZ7B?I1 zMI4>Ds;Gf;08n?FNi_a2k33Fe9(SK&Q_H#&9cqmSgoYyA7D2Q)XlA=81}7*uD|jqL zkD*7W(CnmRP3bZq`ii4XY3wH*vy^^0F~WAzB}q8QMqQ&YXPkA!c2Rh43(@OMx_ik7 zy#wNnZsXugyisXCtIE%2!=ceAF3J#HP;`pzKu9m0Ep6*KQ3hRul?)B%P)CnrY_GnC zkZn{Y2>tZ!SY5A%%b>T5&P9Wu=#&IqYvRpRfOCU%;=6s3?cxWLs%Su$E@i;sYhlos zef=yyCHBVbN0lF@sTzn_wsBGqT8(zh;x2{V;w)2%${458W(RX$awM!jA^qMZ=%zfx zxo^yV$Yo}Gs17~^g?oBhHtN)7J8cALhZiatB5YC9S8OYta<#J_Hd|_Pwu&m?P}?*^bj$s3~ugdp(lWM>KW`6@g^6%_HiK(HibBRA6J|0qm-Nhq*QV6 z2%0BAb4=p>?5pp*8}i)cHEKEX^d=>LYfPSkxJhMKbgyFSL4%ipK0jv!O?wU+3+zWP z;vv?P>>zZqsm43u(h{QUk}hE{_qr2kYw%ty8#aZNw{c?_ogcz>@Z;On==}DJIKnwS z&RxZ6Tv{aBgEa%^zu-h$PxLoPnTrsqR}eUUiC><^Z$yi5;1aaQt(i^(IuHZHH3Sv7 z)hm|{@&8a>+toyGq`S;k+Rz!Cja5e%UIzP z7uxKa%v;(5#b1M3BYD7nBb+d8(MfU^9mS^md~8m4u7Sb?r4zr)R)~IYdGybF0H=K4 zQplz#1=%@%SsPDtiGRNs8n49VWIO|m*dgP%*v-UCqAg9lIB|{}-xI}l$_hZ_tZ$*P zJa;>BdL-{bq$Zrnoz(Z^yh0rE8<7sZ3rf_iVn2nrt*9`Z?_3#Ifl86IAa{px!68`R{I@MxVpp s5cFQOoewP&1t)NodA&V(%@t*Pbb105bD6*eJF|hP5%`dm537~`2ej_r-~a#s literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.doctree new file mode 100644 index 0000000000000000000000000000000000000000..102391cd715b83bc8ee0e48831723d3b8f4c6dc1 GIT binary patch literal 9782 zcmeHN-ESOM6_4$#?cLZ;oD%clxJ*^GS*Ny_l&XN0rWH`6D$P>$ODSh$oQfBX9i9y)(OaH(A?B02M@3 zcW3TB_uO;O*F7KeM(Kx-JbXm{6UUQ|>xH{(mg9tx!;(x)JCU8XS;({ZvgJ3k>seKl zV{0dg(%5F1I06XU^#UhmVRkhWa|F)4AX&@TPbJLeUKIA0yCrwhow}M;-Lfcgj|WVf z5=$ZDwiT?k8IL_XS&LaKW=R4BYxQTJ&1fOk9et7Q5RVtu|>>VZN@;e6UAFKP@mKk)iu*fd6cB>wiR~=UQES4Gf5lm$Vmer)nW7L z+P=JAixV*H{)^*j!#yHOUg)r0O;SpT?&rZE_W=myLHs?0zcct-CT4-(bQ&R=WX4+9})z)N1?m+E!0*qGeMjqzOg%#s`f!Rztmd)0U9*A+~ z!UeEJD*b{e$rV|yn;`z8Qj8w)JrWfnecv%dnZSa;Qy;@iItFV%C}M0UvvkQ2%U+;e z(*_%W)PY2Kw;im@bHKnmFhLe?vy9e0gSAiRsx0nFm6h~sxvAIsre1>});isF(sd|N z*fOH#Xk8)4pq#_~7ssUZXO!gN!^rpwzvY(1=SC{rTEW--K>7@iMl-xBjzPOt!85tL zm?dJQ$mKiJ+3fo67V)&*=cyaO=F~CD@)*Nsn80xhV&!w6syFweYMQ80Bux|I(bT+t zD>a&?oVUo<;T3@|6BWW5HGDYvY~W~OQhA}&3l;uWZUiVm)c-i|`9Us?K{QwCbA6RMInWkY4L17)Ut%S4K zh*I83d7^{xuHmo{e!pup(@j7GQTir)QXom%r~@9U~eH$E{$7ueh&iwcXF zR4mgl{YJ+$=o@uYB$fIAs`Nh8XhEFbkL4QjK{9`>0wg$^a!)J;VPjow+3)X$rbq5X z!hNSOK%!>HLl-uk|EGvfK6x%3LitH<-(^uDJun+VWN+!(@Wl}?jV#j2oAv;xgxe}wWU*WEN&SI33>q_t5YAf~4LLy^z zZP`EcWusYL*zd>Ee!q0L)c5UXfZPM^M)Gy~c6_}&KX&BE*|YVCv-PuQCD*(VH-XXg zSm4N;g*cgTD|D>bft%j;WV~s#y_U-jD@Y=v0k4nCDWqe)mRb&_1-4O7+s}0kD~_#h zA_e4H9agD^D~5yrmZhK!VDyl`Q3{o;8PAa1a2eoIV&qToi1^FJMMtR(?pwo-wyoH+ zLYo<|H6&q>IChmZSLhyOmhI-cV1QmGrBmZE=dJLBuB~ng6O^XcRqJV;;cz=s!IVLZ3P}}Mh1T;xYdCA z#iktv$eox@#zFb&Q3)?jY+Sx}?)tSyuNS|R^Y~8=>?nSFPifD8G=pD1_xSpGtxRwM zDLqnTv5*&faBHq<)0vpp-c0awusrj21^-Ob3q5X{)n$5XGb=$NUA??wbXSbCS5}NI z)CyJ*AUmlHX|Dq8k^;(alo2uN;X`euN>o1@A~2US^pI1O+|l%~Uv-*-dfcIQOk>H8 z=O6^VSRsXYRVsvk1wU!SH}O+kqX+4khUr_kV3H-VM&xvFOZP+^?c8>vM75S%*SOl< zzK(PnY1;Z`Aw1*!$h53TsMiYE3!59pMs=fK8ky;^&_Oz4?xNPEktCkH$9)RHP6Zxv zCM(cz``;s;D;F|dP^Mi8KcHz@VN->a!BC+pj!Ig^c&CeCsneyTbueQkX?&lMEc$!+ zK_zf>d1Mmjh8<__-%t&u$F}8#nST@O#1sa2w}Wce1nnV?;hpVv0?+n%_Kuw1vEne> z6J-b`&ywAnD6@3e^K|%z#HzBsOq@Nuq@=g{E*)a&zuik+9D^WkNI~Gz7)N2Qe_znB zF6#qtD*ppofx-%Kz9Dgr7B1<*cL;pZza~Nb*YPuC-#ybhz}|rjY1N|tyF1-<-y`{5 zMc=lf@7uS~SKXIp;q=Tj_uhx`205s52A4PB?(w&AcH;_u$mQdw=kqtN7T&^tMeS@%Fvy0x@HxwG0=_h<(oz!xj7P!{Yr6MDwbOeftV$(828w%87`@ zJQf=bDvnavm!Y2pD|tn&d07f_Q0C&476GFg9JW-DIow3?UsO1ryA2MVS9$TpuS@VE zYsp!MP<%ASba(t1+0|1@C`D&ra6wi1ue^{xRDv(!k{2KxF@jTD}?v0UArkYsbW#oyODzHhV4KnPNn>e#JEES5#z2 z*LxnpooZt@QJp|9!9mdYvK6FgX!iO^$LpfpVj<#GG;UFEE29X;P{(O^@N!ITV*>XU zUMu-)8dGI%mUali`Lq*^DBNW+T&PE{=&=YM`UIXYQh;(#|k4M}?FQlH4}+ zS(4n<-;S(2MQz1$q0rE@oo%n`3SUY#Wuri{ql=T0!r%B<9&J5A{Ji#o`2= zApxUYuqeQpGBF!iVJo#-3>Le_6A`@*| zK%GE-5hVo<{oUA1=^SxtdgVi^Xdm<4w5-Y`*65c7V;w@cFPJneb1GCD>cr?3rip z0C|6YPn<})A-8r-7ZuxpsMSjF?vL zM0Oue;1cm*92~_XYFbLgnFmo&EiQ|{P&0fVb3GF$2S%w)B8P#k*?XZxn?An*_!JGQ zXWxd6`~g^w`52*nh!xub~_Ea#5{TZKtYv ztzf+BRGM|o_FIp)CLeA+)XE1Fu6oXMnr=mF1sjl}q8nD#)$Glx2Pqrv0 zG7jIXEfYt5)4!|5c^+-3;LvaBJA;W*R3&{=Fe+*?7Ytj5t+nQwWi`mDK8i0leMo?6 zyve9~RJ*Z?rFtG-;`fNH*7>jTYO@hPl-0_TtJNq?GZ^#LMf%jzx9fZKE&5gZCVg-4 z>FK)dPgkZ-d7A4@pStbFn-5Ljtu-9a@EzCCyy->5*PG=j2*N14Dv58Z=7P*Q$6cBR z_ue$;db*@GeaCCo>#DnwcqnlJmb_-U?o^u=h{|cj=jn857hMk$+jo3pv#f6jMhv^E zElZ8X+flz764GCVX1NysUx)wqlZDCt zt*ejD`7O1nzeb;m#XG0(LnDIWVJL8=gWo*9Y@;tF&p_MwO*f%{0kM}a8@4yA{Ib8& z0N2G+Hd^4cVf%&X)iGal)v~40+l2+?7G>r@LD3#;s#XbaH217(fk4@DEPT7yZE6Lj zs`-9jiJEvG_!ClBqi}yqz(u+P32}b&zTm96WvaS|8nE zR@u*ly8lQ)IUH87JAJpnX^e+#QUt94*mHAj9KaMI#wTlH!Eqa)%V& z8+Qlz6;n7RQ&1Dy5e%Jcsj`Yt%iTkzHp^NfrJN|3Sgu>MtR4WH280ChYAwop40-Pm zo$Apwbt{-7kisO-mBX-03aze6SgMJ_WI{(u1wU3~P1vtjUtrO?`>PT93u5Tj>A18WXG< z?R6NAVR?7JA7Z{9PUCBw_~J~B6Y1XkyuB+wyBI&fbx0LG&N2X2l5pSs(&)oc7v?=F zVpnGM)tprcX1c&jM2NK@fmf-cEr?F2Im7HBZi|oiZi`^Z?(COOLg*i1`ulPwXezML zv@3qI1A&HS!$R>ZF7dNzB{n)sd`gsfFCS;1gY6VY#xx4(U5BUHz`cXR&fFZt4>`t>{hU`u>v!R7cew1jhmdZ*~0J& z&#Jqq`K@4!Y=K(AW_rICzcRsuFP_vpQG;m*O2p9Adt^Q z0vS3THQ;HfO8=HprO$WBnVOHtel;W;$!ZhqnMC&cDP(&{O8+NGOu}d-1jUL-k&pg- z1}PLGDHLLM&8EttrT7NDfluM#{d_<;WD77FpU@4v5-hz;Nc6ZA4RZ?yn zrTtC^2!vLnukJsb&OvwG=k{o4WRIK%M&Xzg~a=6#lNHz@2cb>@p!m0Ow&j%r%r_9 zA7f#CKfOq)MHz~Tk%(+xJ0XsjF(}xZ-(^jZoC2n|R$qbc+L&sK(*$aM0PI9c+XE$( zRQl!sy6lY7yO$LJ&7UBUfRVmKDP8!yjTbIGkFF`T6#W^hF23!fF8G zXL_uBbYKH!m|}?}td{g9uG^{9y7kboHz89NJgB4-?~Vt8c;B{vFr9dJ^%cZdi3g9Q z7x_Zs!P{9AWWs~20(~;Qc4-35ga@BarJsriS*!55)FOJ|0VkfsgAulz81@|T6!)4x zPc3IPh`^ax4I*6GbIG#<6Lz#G4J+9BA+GB)sdepv5Z^$iEC}(PbmH9+LJ;qZ5I;;O z-d&*u@fac4oP@bbItL8N$+)>~Q>sN>6+WzLN@V8137jvQxUyR6d8r&lgbnwj9? zP%8aYc*t6X+f$3^0S}yb5*~(T!k&X)aaXxJmHujAfft?`7WyZA3{wuV${#LAOPLO< zPwfIRzwX4brO|`pbyx*w$ zx{^O}^4R^8#oWC*yeW$CdMLVjR#VEFW-ATXfjd&GD&-aB^vpu3pqxIqP@?pPCz31p z)ubdf$5n1qS2WK+kr1+Gd5Z5acb8j-OI7i8O(D-1u?XJ@Jz^bMbA7CV;+5w4MqR~Z zw3s_)Cn*(Bm#%54aQJA|iVg-)n1)}%k5*JrDTO2fMpX~)J+Ol}s8T4X0$!+oj^6qh zLo0cw%zR2!$gWapx@u)bsi_v~0R|nO`#KPangOqwi;tHjR|b5Y(=01;-D=f>V$@hs zj3s<$6JTPxaa~cl$EahzuG*T@^sE(POjD?BlDwlLwsMZO90Ul?x-r9~uF=dN!ek|S zy6QG;xX;tYE^O}Z;5{!9jg#Q%9c}Og-~X=AJQ{7?ex{*K*O2YkQsz45Q3dH;12Hf!Nq0T^+e5@2 zx84&$u4ZUfwbbTX7Je;+FR{-O`0y_j*(7qdduVefLw9xLr_tgt0r$qUDH*~flCF94I|DWL zzw^d^9)Hltumwt9!gP8q+ky^v?1o@R$fj0r=&EOUGNbX-aW{Zo_S>2x!%5QVI=P8b z?=d&vPsgmT$E=e3!^z35EjKKqV)$@!NAB^Cb!l@9w3DmS7i6C}8>~xiU;PpE74m+Y zTz2L#@<%E>Oqv^-N&XOb$5&BhSnyt!?kK7*TBvObo-B1d)W)#n_(fd$!PS&LjZ9eu zZ@v_u-!l=GF9*W<{ogU+E&IQH$sT$pOskDeHQOce4aQVbO_qv5-%% zhKG4%S}!3lfOaM!liPSQ4FV9YqC9*4ae2tt0Ta7}zkM;l`PuWodFjDfCYmCb4C9nN z<~JG4rbFFxgt>dnXIN76pYbO|6+R$H+REQ*^MERO^6wQCr$K?fDt<*uOCBC(H(|DT z5Gh$oW;)qiot~IUWOKu!f@C75G)jlCXT<}U`o5Scvzho?`2^99%rReOr3o*$r6_~P zAm+{gkm?h3xM@Xy?sy+}tPc*){S1vK+$g9lHe*iPRZz!7d2+lvL~oMy_yONxu@H#P*X!h9gkkb;{B`Dl>U`< z6z^9rv3Q?fO$D=vHw@yKWnDg$aogKi(Eqa~5GTD{)^=Sc`)(vD==I_K}OXNTgjY?!nm|X~MiDV=U8*9vp>bmNRvVVR*Ev)*k zh84uBqGG8Ri<8C_iyc+4h>gWCT5f}tpiFtssrhwvc`|nn`&AUIHa4)9YL|p9!J4sM zVp%nBfls|+83+Kq@dA_OXMtt1i>onb8UuCibN15PkIyU!hw;bf$D84sDXvCD=ss2K_T~4V~4PPv4p`oO$f*BuVW3cSHsED zI*PiHRn+Zx+@XJ6@VGP0{0+dNv~=1Co{~T+(v7E44~nqiWld?DMeYcoO4*>Bg+zQaf89p6!>sp zNh(&e3S)z%CgEvwoeH_Egj2FB7(1TwAHy4g0+&ZNQZ_O7E-cd>U} z(!6Dz@h=v2d*PW3#K-z*bBBRQr}~e4t?TP-tt-8)|DGo$uTB2bzL!$RzCwMk`Nzc7zT;Oix7&Ca zp&+yJf5&MTzV4hYDEAeAUb$1VZOttxb4BHPDByPER9-rlKJV#$NP_b;~W% z)XJMad((mGB~iJVn^gICu~DrZd7xCv@hKG=X~a@7Adm&qBQVVxs6|ZPA~pPJmXqtP zKm17+ypa3u;CHi0;o0*~ToMI*_WYA;P(f*#_N{GdKwfEb5O&1<+`Arn8&3CjcJv8} z#do%`*c%mtVIDu!g&fdJt2JGt6|AYVvCyG+@XkP@>j%6%8Y6_SR|3>{7mAI5`2?UX z3XKZTTh;J{5A#>(Q!)~$N@YiQNCZQqjsk;B4QWCT$@~?VF23GSSDK3QX4NSu%Ke&g zPBRqcqzXt>?s1y+6;)C0(j8C7GX*y)cN*}MXo_+>-WgN(X_od@Am^Ln7{eGlR}{Rq zecCb2z%UuEIHw`n&r;?zpN>{Rc%@LR;x)PZ@d9w&Ai$K#5d(KSWh^eS$T~Po60lrQ z2um51-rN&PJz%NoE*ocyj=MMwjGUgi`M{y#ftwHAbf^t7%_T`#!O+1_Bk?P?UY{bN zXZD{8to(IkYQxI;m;baex;91xqu;nBstT07l*&qAdnwda(x~5W(4;DE!Mr{w-oLt}6lqzp$ord|ueYv1Sj>%pR7G z;5vfSvT*iPuv;9XhEth}(&tvNQ+g^vrisJP=ATB;e-8hZaE6rOmrD85<;0!U7;F*;Mor8vW`Laq|0FXnFN8vRW0S<5zt>otm$_k1p zt3Ji)BZ4oQ(X3Fp*rPz<`7HV`%0yv(ESj(3U`den9|*QUS;X@*x&`IIf^q|>FX33S zf`Zt5R34KZnXq(z8WCDF&a$lyVHm$yw3J*%R9}jmz%BsCrD=|`=#uzon}Dx_159|Z zT|?_vv!l9JSrT5ds_LsOCtKFc^JPtJY^YR9SQ15CBb6_HB2*D_xt)$PVml}5hL@;A zC~Pi$h4MStI#S2hi5!!FmXF>+OYoVUVh6FHz-5El97QmFQLPF(G^UwUUyQdFb#nQ! zjRt5B}j3Wz+ zerX-g5sHnEF+dr?9}I3L@FyH;_QNTO(l2&UVpZxIM@xKfa-DNsD>On!;C05{CMT%= zEY9b_o~2n#lzGQj4);9GCq7`T7^Xh*z!~LC{tN?)GXgEn#K+L#Rpb`NZz#Z-g)`yN za?uiNaO;}6;FbujDB?>ciI}gYW}&kicL(Dk-_mg7=je0K0c<`PX2&q`_|VbD3hnSp zZttQ7`&lBg$DF~R)U`#LX~9mk*zSeITKR3r8V8(;^OzFxs2AAhb6A3DUF?W`WVFJg zn+k(8A=yGirvCU_zvDw_fhpDkXzIz#7EICw$}Q_cJf!Lt`YtB0rzjInszd2Fu+n=E z7)e#~lzfkQ9ZPCX;!hGKk{xu5Y+b|gR`O*$=rV|OPgRzW+apHAZipZEK@SsrjY)F= z!Kb(EwIs+rroyP2ug0Hb8|C}9n-f7=IJC)xt0FOnRXm&#V<>>980FyC88M7Ha~cmA zNOi^3UsxjpOxMgqQq|25kW@I3jtNGkzVku)+Ee-R=B@ai4MpFNl&eJ1C#aApY=2-B zHSeMPugLw*i6iHGSjm|>@H<)3zCG~7 zC7oM@(0hrg#@PL*Z30Xe#pQ(EPY>Gk>AJOc>^39ljHiZ~&^t=b@p~Tdyuv_QOhfT3 z%|pAw_R&jFb{FXW7HJoU?um#?sr!CARr>}3?|<#nn#|eIeF*&D$hv0mp2`B=u?Q|J z_1gJ;)CUzS()i0M6t|ph$Za{y7MQ*f_P%h_Y$mIhv>Y11;jA!w}~}fK$p`H`oTdJ zB3G-rLDCGCryH?Ah^A%xe}WsVW}daBt^aqfC}&dY zg>Ot%yFmc>c%NoW0pK?y>zW6yH)L7y74^TY@b@kzc;N5#*+Q?R)~Bp8=%n{7u>!F~ znfUnic2;!yU{Q=;Z)HjQV(>h66Rl%d*zREc3W%}%?QLRB7myI^_b3jPi}jZV6>ECC zCFb$zN%xT-V2{aT*Lo)nhAB+0g=<+6K(dMF+0exW5L_Wen<^GgB;-MP9XFW#hzH^R zFaD&N0&xY9`Th2oU6V@>k*~d(CSKo$u;=h}?C`Yg_B?rhY?8R+t?dYJaa#>fGKL^9 zc5j~f1+*A0D#jg>(({;&08+ZJ_F}L_{N%xS7lZA#gW))x$V~@>AU=<7LDG+~zDT$9 ziZeIk%7oVpPl-+GQ}O+vQw^g+cNvP4PQ#SlE-)4;_ah1p*W*%=IY?s@hX59Ajf-}B zYio2>v0k9OL%}v2RZW)~m!d0-w}fx_RmQ=%r};kZ);#Jvf|?zQ3dZU0O}{pE(-b>${;K51lIFUOThb9r zY-uipOswKG`e3`$^l@yCL}i3gX$5=RzO<1r|C9848>bud5azxr`JpXyu!HL0K~Ok* zp<$s;tzfIA+KWw`9uJ9E@w^dtcLy(XH41tzRW-W$62;KX&2zyhO8aR5D!Vih@=mQ--LnZYi~CR!zo?A=ctyDT1g|~ZBaA&8Hrw^p3a+4(i~*!9;gDT4kB{aU$NQ=4 z4%`TNZgXpuHuCf)CVzcMo*Pw71K$M~ z?cNGbpI0krc;4S2WhO$TUPAcyMRrv@yZ>F_z(r_}Q!(rsbRYzVT?7@l!@MmW?hAnO zT8_$lBi-D-)Pm07aN#Pt@Ct3T)^LC7#o&qxQZ1D<+_!3#u#JH>EQ7xb!A@~6J(Sg| zaZI}yY|`wrbOSscxK40_{tH!v88Of~d~DdDTUnXn>;zL#Egz5ywZT~lbWwb;EAf{0 zda~D`Rtq2Uw1aY?Wd^hbi1zd0H=V<-HrWuJE}93SF-p#V=glvp`S$k> z&#|N8{o`mJ^G9fmqQu2Z$bW6P69KB|GwOO2f13g|OEW+^` Q0APN(@*E8cn&smE1NIMZ)Bpeg literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.doctree new file mode 100644 index 0000000000000000000000000000000000000000..0eb9184f447c85e27d0f3f4b364637744fbaf106 GIT binary patch literal 8654 zcmds7-ESOM6?bf}*Xz$XB^HpTovLcHDc;>SLI*x0e=Ae&b>3cGaIjClS-6Y+U(x1 zbI(2Jch0%@oP4YDqxT+}Qh#za?sGTTYg&#Igbs^SIq!sa;qa#DerjDpzQ_aJ{&ht*^$+7H${}m-7mr%KC^bwiPBTv0e&{3~h!*E& z!>uF9z8S?3+(TEVlQy4{6*q9$UO|Iex%^=Wia!D+J&Mm`_?*M%JP8eQr&B>7b%@&y zx&VNDvY=d}uHO$r~p!iz-;R!Ld%#BOR8HAbR) zfp$&WtTeMYN!Ip!Z&RHE4xtZ|WzlVx(%NUS_L&UoZ{HWxH5yu(YiNyJL+h)F6~O5* z@(s=YV3UjjC=0qq*qIEXW@%YLsRZv63Li^ar|^bkwz&u775VXr&}`-sKWxfK72#x6 z)a4@Z*MKzD?sA!!QD9JQR#X7*@g0)3Kaw{0hR3L>V~n3+v2I$ zE;Wnuw9#blzIiuy1x#JC$Xmd_f?g^Yh-%pGA$+8zqslq$!&3RNiAsP&)>gyklA^>$|6G(HspEJm{$$XeaV z>hmH}+Aj=(Fc|noCyb07afU}oHNK3lJp3r1v0=oF8Jmjt&6^XCS3>Shjkr3rcj5SZ z6}-YbMJ2E@(Q&0Z&WB>myaLqumyI1Uu3uJ z#OiWZ@hqqN1M)|MhDJjPN2KcCLdCyAjGye-=5ThXD3z=jF%Jr#?@M$A9My)tN1fYS<)n* zU*LZ7|Kzlx&Uav~2zSi_QcA!sIGnM&2_5(?*#6(iZ-Ua#GTX1oxhQGlI$FT3tX^Y+ zhqwr4_#L)KPV=9W0a|q3wCz9g?Xdj@wqH^%=cKUOiDyNo9eRlEtjNHHzC5}8 z(#ucXdHKSf{9DE3e~q@2@7-5S{-0bwH=lZX^HSlidl>;6_c^(qyP2${Gq34+ z#;xoEqWrq@^j-Hh3vh?+C&F+nVHpg!corE}Y>1@qF$0k#c4LuUQm|oQSb<~2!g1Jb zgJHzC@ZvBKBCuvF@t+$QRuox-v6Yq)TRstVKutYU=&_W$+{*ZAGu!~vq8o)tzkun{ zyQ~Vp9TRW!ShDLnf~Qv(fau<-6H`7)n%kQJ?n=V!i8x02Rl27w@4+GO`Oa{Y_;{3Y`V7Xm$nfO@VSN0_7mIJ z@kKEKU&ElVed7QJ@WuPyecb$iK;qEmU(Hx7pyh`&dY{(+eI@DRTmMh6?!U7B#?h=l zKP}Ff@k=)ntHgE{rK7k z`#Q8PKfoN0oc+6FDm_#`N~KdHmHy$lDm@f1Wxsp))H*Sd-}oj^m9uoYOp!lE*jd(V z77k!qo-SP4ajy=#`YJn~ob1hO8nXw`C|*~x3|VhlP1lb*Sc4WFUJsKwCRg)QyqHuj zD9;UzFR1GqRrX3RB^usmCiS1Ct>;EV1wnT6;pS*hxgi7;{*9S;~8K2}aJxOwcCzW$wx4Z-eg<*DfbxYQ|EI_6S1(XyGyua|C!Yc`lMZJv)+B;}2WX&Y<&|0QU zAeC%rG)~p6NS^A1p+Hif6-KU}kjqrq3KHMkLt@WQ(X&GDuRb2@KGn-&&^x1hn8#F) zxr;ZTsZvqk7u#hEvNF<^T#8WliG=B~+suQB$OUeB!)8UUu|2#|aTJln`J{@hIINv? zL2rc;L6ooqU1s^{sfh@s1v*jsx?EAOQIiFBNNGK!niA1ze7d31tq+z5O%_FAWO6)7 zJr+U8#40keay3i@-n0cO6-6bLXU9gyNc1ie+E+B)5fAz52g?Ivi{(i=LkvN2h{(g4 zQn~C|K{v6w3=((Ho<;>yJ`gcGj2zQpl)S_?RBGCibFiBZvdWN%>zK%>cig=cx#1P^ zG3KaCPP;(VvXl6IbBHgvZVaY7U25X?G>L|qs& zq!vai6-sPj-gZ@ik7${Ax>HgD2g$gs=GMSB-Nj0&22pW(O4yReW5hU)Tgi z7pe|IH$=^W$`?_p9X0{cH8Lq62hNnk1bn0rubn(6SNg1PQeF{;Xe)ss_uB{F!8=)o z{3sWqA8)o==%xw_QeQzcjJmBeyrCsb@s~ z@tizmN(iz$ENZ$;bkrWO`4$(xhs|n;0k9&KW|)^}fl1#Sn&m^w0=3t%c}Va8yk2N&Yovai~sxCzYp4y;K-c-JsSPHt6k7WpGTdQm6jiTZN7Hmhew3Yt&6~jV7sq z{g^+3valLQw7SHfN#t@-dy3pL^4bdOgc#jJMw-vld>4E4Jd~E9ZNH67X=&<5#yW?y zYo%$md{;&PREa+PZ6wISpB|@`jZDb}xDY!`$jp)Jzy-&Hq#;v;tm>7l{|(6Dwe)$I v1L{ODEQmD*0Q81KPg3e$9Cj-mF1ms3B@SVxOaJL$!69dt`2`BVNxS(UFi)=| literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.doctree new file mode 100644 index 0000000000000000000000000000000000000000..7ba324e13c838d50bf25bacdc2b2f797b4829721 GIT binary patch literal 53209 zcmeHwYj7Odbso7SK@#M0AJWp6sij&gEf=JL!OY-IEms0Sya)mWh$p$&9rn!hOm|~u zdNAFC0YK4SOMWcvmK|H8ScyZ+6FVtascb2Ur_B?FV&o+5C-eD&WTeDgBrh2yC8bA7Qnn=N zIvR*9j!#snBI+GqmUf7sX2pM`YEj%#6hWU+m7g(BC)@$a$IK3U9P{S!oKldg^W~&y zc8Uf%PnHdgpT>JkN$WJWlc}7j>v)LICkkTT`gAH?E_z>*VrsJ_WvEQqJZXqo`l%{E zC0~%w%I}ts$x$K&n1d=WDUa*soHQ#I6f;g@stOF~yLF-E!M zlf7vW*OgQX`c=?o2-k#Iv|G5+Er7jQr6A_63Q0}N;rVi@EOiUIm@np}gdsyfWi6L> zYh7kyN}WB$Iui>8&0zD$QDnwneffO`#Q3W466429uXGD9JH#dQqL`Ad3T_eMrB_}7 zXPMrdH&3t{Ra?9<{#i@5-0{1kv>M|3Jt|mQbl$`#uZ0!91<^OJ=Fv)3W+M(?!-{we*BUdt%RB=C?E%kN z@8*+444ZQHUE<#Js0fP&J<@?qa3E17o*{)y0NI7$|rG(3Xs<)r)xsPxPXcQZh=a`p`TLWUv;- zs`;*l3Qe%Jd)0#4dD5|e3qJlnECfI1eW8Xi&I~u@_g{yMxiPFD>c_V2CGMo9y!vuKl7+oD>(nBMZr;@3T-=qX;q)6R+&yVUd zeinoNoiiL4%B&wfX8mAzm)ztrtg_)u{?8tk$=~pynAJfDjLHAC4p^!88UI_sD`&t> zx%sK^p@njjQ<3@*^~<4+H&zi_&YBYcrO@{4!<5Y#^&;vz6ORojwg8U0SYN!^|DDiY z)GPSeC(uoy$tGbx==83JyObIjcsf|r8DH%W-dO)6bgT_v;g3)W7}^vT{xZDr`mkU( z-c%O872bG#LAD$BV8OF^YEi*&;HaHXgss24P2VCYu=d-=gbt8Vvz*k2?^ap){_v57 zva%^A#6ufzj0vq0|Dn+K8(@OfxE~Xa#vFygCr?A>L)+gE8d#mTj0VjM{xpmldq3{% z9l1&`i{#va8w?wjs@X|*YS7Wawtg30LgqCTf5|W{(=Oz2S|L~7v~oc70|6j{AN|>krWtTfN(t@URDYC+y`a+g%~SA0YPoGG zU1c7!^XATXOXx#pM*T66>e-s49_}o}xq6=qorQSqET}(AJirtTRn<@7qx$#oPk=@0 z&*7QPoDVc*PKZ`|OJGp)xWy$PCPd4J(Lat!-hPf@$j~m)##SHo0X{l&wB8NmxpL(? zM7+S(2trQXz_KBh(gNY%)hkyzr<84gE>;5<`UzvN0yO2T_cmnFxWAFaIfA~M$DjMV z4;}~`z`70kJ(;|J`@!pT_qv5_Nh=r9Jw~Z)$em7IU$uI*KuM=$0W=U9%L%O<&~}_{ z0NHmM60xzQWbs35VS|sc0gZ(^8wfqJCsUD(XrO$b3!c3W#ZsP&0Xe>C3Ng7+SIRCud$?zuyyk z(Ai>JLZq|PVf5R96pQ)b-HVuLJ$UxPdoo>{j#(9EN1>cgN~P+&c_Jq!r5rwVU<-h) zSoNXpvR2@AZ%hkl}_yM(9T#rkkM&5}mG*+kr^)j7pqfOCh9S<(mCcpxKs`l4xN{DKuju*HicaT2|8E zJrKd~s56f()96?u4UGRkJ`iQ`_NAz0!oSCnj)1&5;_*~K5V?l`>Og}!8sVA>3P3vu zcCoRRuhTj9l`Czyy2<@CWBJWf@ZXc#da;rM7isKSy%pHoKnSeo02G~0DQw4k_z{Ms z?(86=GvpuxKI){HRC0>38^8@+GKf6qNW^Y0BCLTPL|>O&^9Odl)d4f$85AKXy^~oT z)Ce<`Xb5FGupq<5c7QPqq&fRoCT$J^Pm+y1a)sKfy9E02#LaXg{n@h&|7 zTI0ZAgH74H0+m}@QCx=plfQ*x>=|i6#YLGRlOj*uS`@ zzOXT-WM9RGM#+BIeY}9}ARctNn?j+EamR{W7U0Zbi-Xkw8hcIP%)akh|E?h!gH%0Q zL-Hj*|9yt!rgeaATa3(e@1AUs4cP|vaA(Wbu{0XRl9M9W3o|_}RK%um_ATs`Q||GA zeg@Ci8l7^^2I_fwO=oC*4bIopPXgWR9lUJg)F$k4luDccX=nSg}3S~uc)hCdD{EwWyKJahs3Ma_#&%%f~~Ck(L)!f~j1+&C-a zgi?e7Mpp?CoUn_q6U#QMbCgM>(TOHnC`nsog$3L=UR%G#)pzAe+w69XuHH6laxk>l z5KcnQA-7S9*xmH8%})lp@ldrM z8%!#FL3P=1zP>DS?bi&$jm$JJHJ3vYS!*Px&6C)k;KU)v4PN~RL=W9UJs)=Y6s>R+ z{ZicyD5_hsmIjI>kCDJjLk?HIaHQxQuA|3w)VoW}*3BX*C!XA^R9mzV+iaec-;>WT7G zdV)a&$FGnXe5v^iG9+PBsQx0x>l`Vlzent|X6|BR$fDXDDPN^Z?A~s@*nuwfi^NfO z4XOFWeFbIrIdOkP-PB%mYB+J~Z=(X6G4*%wN&cw%uc(D);|`mprAGnIo{bZn^LA_; zk|r)PhqrOo>DJ99Z`bf@i^s4n7PC%%KipY!EbN^9298|p$H9{r`!Tj3mo~5pi@6-E zCNC7o{y7*W!3W`V*RPj$Bl-q@eJKEh@r%`JJu=?us=iF#LWa5FC=-Qe83p)5{ zcXWe(P4MmL{%kqm0uzNRUL@ER*UT~m1PphR9VHfv2o)9u+Z3=y zp=)Vs^|J74-)o6(1RvuZ6kDd6kh1gUv$f;o0KMacAJEm0VN#qm!aU1!#4%_(JuYz# zoeMP7k{Lt2Gi&bZ{@KmZ5FCu$+|&uoN}YA`1sYg=3&&rXBjo*|%xG_!6c~>hv(s#B z-$YRLEm$UlwoG8yfmQMvbk3dEi{WCx zTi@>RPTESyHCQu_K=3lu)gkm~A6IX+AtB^k>2Kg%q2Gq<2QL#Lym#fDby32zID&+? zV{y=&H?TO&nGIZ#$%~08TKn~_62f|!D>E$_aAY=$9lZSdeb?hM_W%*MTpZY2*rK}@ z6~V1XyB3Z5dE{G*zP&;r!wmU(tak(%;Ao$@AZEmhK+%u{$aYrXUOyHkEAI_kB2dl1 z6&NKYh^Z0^;>0tHv53lgM;@#l{Np?EcpFjVqSP-ua+I3(&yf$M{uGuZ zY~Yf%LpR&_V`1w&*fnUIVHj*_975Mx(tJ?O*gdkd_0E8GEx>lRE+E`@pq~5CzTrSUGQ0adO_lQZ0kW+(gmjvdxt}hpk)_X{sNQp zXzibQKhJ!~vhEMl^D)8=({peA5{t_0{DS}k>P{+e%OAjiZYO8i-7?O+s12w4c0e5c zTIYt-`Dt-P`<#EWI4M8c;onfVq>n@k)5l9rI9>Q)x&Fe3;Y4aAJ@DXF@*M{v_DMgh zJ=F@*)Q)N``o+YjT17wCeNpgGBc@)7`#5%mJTSWehj#bp9Q(B*yfFSugXS9}e zz(qfN=R0;4^ZPMHk5(~}x{%+z`4n@KUy^++g`QaltagAJjwh8AB4F#Oq!-nCg0;tq z@3nvg`nB*mCv1^s&zVeDl%Mnw#5Fn*XtX6ABubbLzR-MRTwmb>Xrg~>2O`uLTN$LI z9i3bCNdVmi%P3MVod{$kwDUV5Pc8eII|j6Vp$n{b&0xmB&IKpSp_@05f8;^O{kAx= zOQmrdN`I_`7&L`06-h0w3#C+Nzv)+-rmu4uKH&Ojkpy_bk z|8A0;u{{u27QwR`{k@)Y1lj4?d*Jo{=lkjXPf;oK%$Gl&{|X8- z<^>Mp>oNN4D64)I|Fp;7C%Rqk(noJ}-$GN5gtuonXmHr;d*;z_`s6-n=s=}M!r?P$ zxFrr_3w`u5$I2RIN5W>|>u-FVXLp@4ANlTJ=GWi&B@Z*bxd;;2!t#1S{RD(4Y%b_X z;o~G|7u3JQimFxoag^WIOx_+_|6v^8yAf?&l!LKb(27gP+K}}uc9wAorYfdS5bP*V^nYz^@BQ> zvGcqc%+R?KXsYp2NHS|LCAS$_jf?WDrrHjeuc6^4P-C&gKf;D!p5M>tY^H}Vl#cE> zNPfzF;7$1t?5FqpkBYZ%yv4lzyZaekE4)R{e%pp-aN=+{_}Js~FYkwv&p#?Y|4OTT z4lb89T3u(ktSz&?hLzzE?3*oA`vZGV#)6D*$qX22B4cfv0p=%yxoO!Jw5}--V`jh@ zZBv==1=sq#J*2}fLi(~B%9+&^DElsu;$^Xc>T(d~h^ zlO@t(NQ+D4nNxl?H71!Goz3!tFOl!wPw($Sr7-Jy-@LtuhTlrw_U~tOt?;(fT_W9F zyZj?hp(gf2!PukX?^LV&4K9r}x?E>ztW!q%&Y+*i?jQ{q_wa7 z3AV2c*XD;-QSzdOy}^hGFs!0mEwrjxMV+uPC)*&rs~x3s68UpE*Q(ih+ex_U`G>hj z9&3N9ElK_umG(|IybBj;<|aPnv4Mv;x({{!vNm*WdW`LFJWmA^v(mmgtCvE@{=IXny%1LhfuapQ%w4j+EaFkkS}h&Er-| z=Q_=?nC)^&shaO^MFUyd<}X_sLabueE4T-sRuPvV`R{Ijn#gc3u2I_#!n*;4>Ss{K@nV{P|4u|06H7fyvY4Z^Nb3>d zc0{W!WsldjjDg#GQUtgy7lburw%-*l2}>*+Z#)|9kJ#9zex9fLXxxzo zeDao`Kc~^ReB@$-+Ml3O0MyLSz1_Lu4FB_O5eh`v?*tNJ>~{*e8Tw{hGvwD471C@? z7N;q{3T@yth0=(>g!`^|si*n{`YB93sKIdcSkHmp(TK1l6{gBXL%iAv7A_+-51j2V z3LO7;!)rh+&yVlz2L<*H0->lC?OdL$2wrSJ0pq*eQL=kvtVf9VH;^rePN8u|?Xy`% z@o*Pcp1Xx@Ef*2ueK=g!@V8qi7V#%Kf}@;xYy|1cMuvyNtqd3w5j~~Q9jG*p4N?YW zFf#NA&L(=}L-GFMSZ}OHk4K_COHjLG5?7LCC8_$*33 z8`EZ2oZQC*tc#nZ8@IzGH?j4YS>2BV|O z#Hg~GQsYg;?JS!EJ6V^hOh(d^>PZFzKJ zDqE?{FK<@nuFu8huixpPS67tlHz!y6C-=6?k~)O$iqwBF5bzpv6MkBkU_(!=> z*>46QC)zjJ$7oi7hfX6DiZ{oB&|o$}V+ z%5`lfEw8T4O!klO?L;$`twJ`nIf9%EcgpjtON--EOX6C5INyg(#!L8jQjr!W7E9|l zQtQ##p~b$vf$LE`ou0a}J*QXj>H1bV3!bWLqm$!X<*{3X6E{bcQfg`}zqhL2DeMdv zXBX~f#NmE%`fhgW#zJNLMll-G2Di3XCemYf*OTJ|#r*d5`O(VEX0|*h%A?bn`MJJK zX7zezcV>0(_Ev1Iba!TS_U4^Tc570ZD$b|-Hm4?5)(6s4$)#*|bbDuhePQUvI`Jhl zucxJv)Qr3*Zxz+0=-uHl?bh1x=u~ojYorhx*qWFH&4W9$H(*@P$XaGJwO|7v=*XlyU-;@22*j+IO5ow9g4K0P&3y49DP zDM)kK%50^grSGO@b7hp;)%w?Bek!X=bf|cVcEqo!_h!)6+w_#XEyri_=SeQy^pH ziM@)FzmozJ2S%>%ENYd}+mkbW3)uw{SZLPD>cFjOIX^Hp+&?gIeJ|g?Ja~I>B8DGP zWq2^RbTeI?9=S2TnY_L}wr~R{iqp$m>y@z;N$syJtu2f$jc#u(4i=>GST1#AbW6#P zj}7e=VneDln2n{!mEq`4HdeYjxU~{Z4UA10x3~21(Xsga-Q0X(SS{z!)z}>VSH>oX zmu^n5C3UW6QC=_(&{%*ZvJ}FhGLK zX-ULhR=*}|x?%q?u~P&l>(~0CQTxd_PImDkA>@j_Ho7!3y4bfcJ-)hp=kCPd)Sdo` zMbPE+fsbXq2k-SUdWfkyDK%b--jDaFAX3-ug8F8!nZDK^8%(9dfgw>Eh^5l0p;WAI zNE(c0!~rQO#*^aUKrA*8m*OMRV6v}&cpxK5QnG&_GdL)U_>{baEFAK+OteqLCN({j zj!V(Ofp|J2ibJUZsV|cpLW6y%8^{3xtt_9bnONNrZrej^|>5s=i^zcBB*dI&vpqJsE;q-vi(A9`U9y)cJfm_skjp%>=R3v=j&`L1|j9Cu5dqhar?@%g|izps;K_4i>Ktp6BH z0_ULlaQQ!6{tuV`!{z^Q`9EC#510S%`0~%ka?w7%y;!aS0!pkC7A`_XLX;L4p+Ya> za3WOh(NAF!D%4Ak4&2hLx{@);u0 z8>{@h`Q_ex!RSr(uHY?Ndhg0u|HxqPZ3%%gih%$!N$<@fimaUM;jX&$AZ1ftsvxqq z7a8UCUMrfmHzAe{%}T(y>-&Xcn3EEQY+nX??Q&-)qK=U=qMQPEkc<;GC|N}p{w9*hNs&f<`#Mp#aE0E9 zD(SBxR7fmP-39B7sqU3uME9{GLKlVc(G_Dc?Ox-xDhox54oY7Zk_fU+Q=qfmJUVwX zKy|Hm3%lqhDH=$|j9031uU(~n=Wr%nMs8)gSnO7!5GR&2qo`5h4%|Do2ZNUFtHrF{ zZea^ULF=1HZqtp|Xy64Lbk&+A*5F%r-|Y?~CfW#ykz3V3~*kQNP5kRVHVeJ$n8 zDTA~04qL=j(F>J{8uW^5S>S|jq><~>eKi|Gw^$uqgp19DPQjn8~y;OvSq*W-CxY5xqYSPo7}=6mE^>-v{X|jlCjn1wqSGl< zsVHefuFiH63d$BBNo);J75s5LxXo~mYw2!HOKeDW6Wx$81L5rT zUsCc}ROOO*AER#kSyA3(KU=RTsmU&5z3Jjg>(k`Co8)i%`Z#+O%l*d~-*FW5{#MpF zZtAHbKlPru6*N0Y1MM*4U!zJFS;s%lI&M7SRO?MDenI^aR#bh6KYj%8E8kgu{dF8j z{)e7H_OGewhLX!$O&P7w!Dj4wvo{a zWZFe7#Ke~k+r)CQQpcwa+sfK_6<=Uy)dkIK2kO2KWd3*Jhy|G^Z8ABv`6m6^Q1046 z%)ewTZ#X_XZTPddYRK>p+EnHu^oW=r=MeMHS<$AdH}{tAIvmJ-i(Bt)4Fgydf=YxK=uR)mIc|TT^c#foeCAac0hZ) z$xMcT_9Cht7_`5?IcR$fc${GSgN*Tj?Tg_%es0#O3J*8oN@e49iYi%n{W9ya@dC|h z?FcK{6t8>R^wv0t+;%+=b1MNRgb&AJ!eg<{8|}_sxOf~Ka|}0zrkGF8z zG255{FFEe;&Gp>jGu%pbk=HYn_tSqJ)cp*JmTf58O>)}zxlqAt2XlYE$xMb|?iWz? zz?j>Dq3jI*aYEcrGPX0%0{Nhu_=>rir;2Uk?r%^f3wJ-kIt~Xa+q3X9tY}l*{nVW8 zC4bxbu^ohe8&l}5CI2QcvEftn7_BA0->yVH>a`^8t|j&{NGofJU6fx-$g$G8?e480 z`{}jL3i7{6pzIaIZj!^1Z-HkMx$0ZEBMPG+C1CJUjJzod1 zXVbxNYgoyOT3Bfv6ay-8QoO;=hw+)tirp_{bJw2d@p##O&vo!}frQG%OV%WZm$ySj zt{uFbZ!(7=c)5Y9-wBJ`p3BGTEbj(mJMi*_=CKLfyi+wEYQh!D_Hz`dl4WmCv2MeS zIosa8&Wbk0%>MnvO*pW+zser+ek8z-@PR!>R_YJ7JCEUla&V7_>RPE*L`*BdYn8Nc z*A00A-14CsjBytM)4?`uc9pL@tCQ}#!ykA1q z0|ReYbN8}6`p3ym{RPH#;O?c?Vz#)cr>bpZ@9$D23wuAux(*JM{Gr)qIYNa}{!0A!|kRiNVv-*R3}0)@g$;Dy#A)b-8X8cLJl4@6zHPVs0A~ zO%*H12q<5WKV%8LoFj$@>vUP~LOGGjA;8riF=lq8HA-k#wThfXtQULPmHNGB0bi%^ zww)CB{bT|0t7&Pc`p`UUf3%|b9-2=TG+5vUzUuZPLZnw1Sr_E9PBLb1Fy`|Xw)I%n zyxvoC(-HSWOy|a_Vao3tn-Aj7gy)aQ%E03F|;}&o)JBV;MbfU$&}d0(^a!$m4zXD0gq43 zo2RXpQzM8O^-m)%6zQoDL5nYEtZwjDz``cJcG_Rdr5wIJX=tfLQcP{quX>fmZkf+I z`J=gCW{;Xr>PT%^DCZM92nEhp@#GxE<`xmtp3l>ipuG#$6DcRLCke`RnqU$k(a%rX z6-Y$bgR_X|)k=6}p|maKpcrN+(y6*%Pnge0JBZ}QP>izf6gpv^NK46b7VVv*=s+-v zUiv4Ac|18yiByqnE45jD(>%u_fD=f}sHIV=YMw3|nV#Vuye++IzT5v}0*U;zQbIIPz%PL&)SD#T=d5-;8l2ki_Wuy5Y(7n6(7`Cg zsuyz@Q`LMjCl<10F)M-NX?%Y|DpbvPAmOA|N+;4%QG(VKkcW~u-9bB53=?l8|0vLw7m<`W7e>dACDUre}C2gb4o&MO?L!Kc_0aJQh-^m~trx>QbUiJd&j z)6;mTou*3&qeTccGHg;YCM78&v5h?5mV7>yfMG{(l*B-6Do;AvAa|Q*F&K&=XBlwO zz>{{dL&d zPT_gai_w1Y^IR#D3N%koyyh=C%~J$7%l#{rB8p^WSRc^&UfIa!dLgkuerOSkuRdiy z51Gs-T=jGZfGZ^=ArH-`_1%IY?!aAoV_^NrF){m-rR>w66Be7N101aT&JJ@&Y zYa*xNHi*UA=TkD07N;(cg3RQTQW`3}3ld~WGSJC$DU{kwNLV#;3EZK;eGLMPH_d0L zWtwuNrO#NH_Ru^g6}GE%apaT*C(vJrBE7nova#Z#NGXeatRy(kfGCKT!R`}4%rbiQ zLDhWL_mt9Gv&U#H<9z9&WYVuyyVN%+i}WmIk^XVYB5fj%GE(M#j#B2DNHd4et8_W3 z%#3yg*Nf2pNovLV+@-z*R8Zef|NJqoBe9It>Jco=DrMwVhv^gDd@7r#sTQq^)P_~> zA*=HyEB_`d`({~wFa1glVgYVQe zbf)NCwX{Z@fjO76Q^t+kgYySpl#>taK=V)v=4DzQy^V`xfRvMw{|B=}w~7D& literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.doctree new file mode 100644 index 0000000000000000000000000000000000000000..2903da201d4f009ca836fd508c5dcb045ed9bc0d GIT binary patch literal 10814 zcmds7|8E>e6}J2psx&4oEu`eadT)2`cGr8m zm)%+0*T{k@D#FqTA$2R!NJvmr0zV;C{sUSNKlcYD#6Q5VNJvN^#OKZK-pyWoPU2Le z#M1e0X5PGc^S;fzH}CtC?>u#8O#X?3QP+0-&6;6ZeqgaE5i?d`#vSJKXXFm1=PLgpt|6ERQV-0`AXHh(%|CU*kAKi!_Rr|jvgNyRRSN$zlu zDMR9v&$wxLwGQK zW5wM;qiL9HA!`v#ET*~9rlG_>Xdkm@?c?@-`-J$Q-tl?etiKkqFsi@y)u+GoO#Kzs z4I+mJp~Iqj+u?THtb#F4Gc<^u)m8{J8$q~M2lY`srMj*gF%P1+(=ozcp`oV?)uXuC z39Q%yQWZ8EuHPN^YheV=oxHFwZrWpF((x^}sR%KZul)!(Wj_irJ%-QY_?*UPk+=rN z)3(5o3i$2#ZRmhFtIAiaNX}}GuZ<*W@$RK=Pp$C8i0v=f)dAaA?2`~KHZTE2H*cfA zf{}R|(IW>k<8fF})OnTM%A!JZQcwzB@#K|rk8vpMvUXZ-@AUa4?OeWu z9(4_qEo*%c?ezKc;FvU(1u-dSB$@tV7Z+0H>F=UXYl=u+cU(*DWkKNA0K;o42BRP^ zF}{%)s?dmc-=tOJCM!UyK%%tS@s{O2;1;?tTo$gggyz18xzA_ne(S!}J=KSL<{;_= z2T@lgQtS4X$uOX3ep?G#qt&S3R|*YM@o}jkv#C(w6v=jTM`%xq&yUp3TF&y_KnAi1 zM$4ii4nPB|V5eMN%n>nC8)TcQ60lu+jo958u-o?f+bGFx4DVr9HFU8^eJj}&LE!wHw%1;C==G8>Eawo3Y!&EsVhsw=SGSFemON9drHi- zV$YK_**8R4=Ygr?6yP{aZrV3~kl-Mot_*;<_?&$r^gBkc-Jr&hstpv12 zJ2bksqAQn=?;9JtCDZ;q3scuvF}v#cNkr zNaL76GA`$A2BoUYocQ6T$N%nG?RtgfJ}21X&zf=UcM-SY7Goud16UBdv!H+7!`X#d@YyI{b-5e z=WnSti%ZiC>vU}+aw0`L#lp^NmHUH-`KetfMD1=B}&&*tCv*?fFAi&2ml$^0-&ZDnVm_LXv@$=Z&8-82v&ZMgq$Qw_o~ zV`-;SbWTg#(t28>&8}(18I6XDuQ*o43@o!)Ia?)^i&|p`oacrRmK)5sGE%i#xtw$O zf!tfF81^yu8Av&5jy|o$G(xEKKHpNa1v{k^KJfrVVS7YlJ;BUq8Eb{mHHTo5E-J^}>qc!~2S$|2GMv z<+IN$pHtFP=Mi2b{~{K$lp`ESO&LzaVWp*mvBgB;$7THKy5l=s*DH(E$^w?kEgeMlX~}%{HZ)xiP-trrX0; zejwdRdlgLIxeb%d^fm*lwxWA*0X>{;j7YW_{w2U}_Hrwoaj_L5^hjMts2>oPRlpwn-fn(o9y0EvL zWom9ntZ9^=i2D+#be=z_ot=1KoaTjbi0P+NOwfmY$UP6vG3r(|;f_~j_fIqfc~0QG zDRGV#J!#2L2>h7)js$hz#n+IB=wD&);4y#7y+~>IODI|+;e8S{NALIT? zS;GAf8u`5_BU{m@G2|>&eJUzP#r*)Y@6NCM8<2bSD`gOI_kP9wh<0?-{R4g7aQ{dY zet9p4Le33R`v=j5{8LH}re@io2Bc&iu!&!}9dM|;%0pFKf~N@{ zSVPJ>ggv7vri1Zkh%TQ^?JR%3D^94SPB(ko8hRDW?_(Y5H*pJ-_c7O}rhJ!E+S5K> zHt6|&Tg+xZ(_8npIOqr2BUhAl5ozZoSya1lBE4)52+NBws@dCYb@2XF&7TkG(Frfh zS>7(6u~WIn(2T5jfJi8VJNq;4Q0$E|grYE2LG%kc>?N8zF6PZRq|y()U+6KL_oM|M zVkTmoLOfKz9L7yIEoW(k^1;u-4fji$E6+R8pv0a5IQ0hM1Y6J zfpi%ixYy7uXU#aI%*Gr&I8uQKjYf&|e&R?g2sk}hDI*ug#T*sVAUUFMB2w)n=$WU` zv5Q;--tK%nW3Gr}X%F+5?9u5_QJ1%B(2M1=30cv~ikJ;iWfF2-K1{(#MA(9$TT4%l)Pz;3!)|j`d zU#!Yk-Q&eUorPf#>NcWj57{3`4SU0buQ-^#6e?IIC6+{-7#bNu;l4-uKA++p(2&nQ zUK|*jEDq5gA~4DZi#+Tp5p$m5w_~Htz;O%heW-X64~5JOLQA(8MT%I4>ROPpg5|XE zcnyv?mX6obmb01Q33{Hqj6UcR`y6Q0oE3MvdSC0nSlNLmM;7`9+}8@qN(cnp^&=Ah zpsO3P*a~zMUI6M4BCQ}|$chYRN-Z(DzV66!BEqF3>p&R>Y$T&{I=2RUNz7t1l;TLs zSD-Z+nBGG1l`M5ypkG)7CGsw4EFyS6Zuo>f6>SEthlwhAN53^um*;BLzSM?@#j&F=Qz%-rnE zdOoDP*h)+s5{a55P+k(KKt3u}R0;}1{>TS$Dj^9)r6`gD5(1T^Qp8j!LPC+G_zDRj zzt=q)n+fJQ% z?Qp8@)Pg3n{r1!Cxi`13w#(tPt6lM&z^$=%xC1F_x?$B_X16c3!&yr18_34QWXyR1)#(RNqmf z?or()YnJADc!=-gw$>Eirs_c}{ZZ9wYc6Y0njoC?wN-l6*7xWK^%?zkeN;abzHhN< z`-`>3^B!}(#q%fcd-W?9A7U-XGknK2n76oU_)8ZO9Oaon{rzXJ zM$}&n0qHM6quho6cjNzI{GTIXLEcmw2%-!z8}=$1IxM3Rl`@y3V%SPg2Il%Utv+$i zZ)<`6a(y9{?K%Apv>@0WgYMQkxGm$&EWJ@Z0}bN`ZbtVW26N@AVS7u;Px%`yuv|HB zL;4pD+n-M!-S0D3t6GenUb>_lSB~5}uXtLsWii#)p{%-N)t68^pWe-Jm8F9B@Pakl zc6{EZ5_jRzi^uNrq0&prVJ@4)C+3x7F{7&2(rRo;Ns=gsPn>|1c^^6uj`JMtNYx>W zGeXZ2StKBY~*MUyjtBTX;t$Ktr0&DI# zGs2Z=MzkCtk@|8BgZg;*qMrI&iRD_9Bo(;RTj1qz7nF4YGUKI(yNMazwT&H^61c6g|o^ zfHsn7-*AKbVbopX{-2a9m-$jrrqt)V^!0=gZwLYsH80XJq7%zh{78lR>%D~phU(ySN(O!X-upwgS862OTIfvJ@AJZ)u4iDk`znS>iKMi4O~N4?XVz6Mxd1u)fk2 zB&Z_4mXN)zr=$}h&$O6bM~_w4VN|8IimVUNkJFH9`_~0b$@Xa)1nW*yGwgP_v$X+( zg$F==7^zXGYPK=T!Eeo7Wqv!HkvPmgKLt7eB?R)pL?9yN@7@CMr+Ma?V#)(Z#GC|)j8JZf=7~|2j^WTHsR7ku zc6$p#>e<~XH#bQ+H`01v2MEMgqp$A2xtN3Qx-aa}zQi6mEewem${R$-VG*JGXG0KOx z^_+w7I+P{DyEmUSu4U(ow9X$dth3%#2hEQmQ`W?F9iy0^D<=drJsrpKD|IR`?TqI5NZD1!+ z*d7R>6w)`}4H9{{iy$Iyv%XcR6c*7PB_iVH2QyVT68D^uBN99uE2M8eo3BD&Oo$2} z7#8{`d^_+Xns&!iL@CoTjr=+Ad||fH4ofuE!M=0jwHOKa4x1{V> zoTmBRs;jkh$s}EP4azxh*O=>L)bDR7r&0%-a@utrS0VS*oYKHIO-cO+isXq?7-2e} zdMUo60K0ukUwYYP%{4R-mlMCNqP$LNxlUE98Z^N*YBE*Gj#-MYtuaqoYHGf|v~poZ z(LA`0T7j=a#B$ElW^f%>NMg*hZf8cj)xj;Ji7y_%Z(rbmzRL}C&{ zZVz8)%Bt%Gc74Hj17D8`Zmd*FZ#0^QrMbLPNG2vKODnnQ420e=>J0U)oIZ7WWuB9S z&=jrJvf%9lH<D$-R(|O0BXi2d zBbU@l>0v$a(hAWt#qboEayW+TN_8VLqX)tZ+oePjgjhKUfzx}6HCwvo8J?um;eqao z7sJvmiEc!uE@v* ziNsrn;`&;S>qCWoOe!YNsd*ig67#h;?rm{zj9HzE`=>#Z@!~Tl#7|XHD)pc z2{EU;Ge{v3eP&DS-VRVBze!ifkxD6MJ=TGZm6+X;4Jq?Sw#4GT4#1O0=lM!qDd9bX z;iBMpI-Il&S}m|7-8TP*7^h{d10AbZS#*^+`dndU%i$Pzj|o2(yi5zi%apOz)PMh$ z$Q(33jSsAI_4d|JaNk(19bS@Gjk+x%ZE1x`_}HS+ulWUV)y2C+zBaZF<5Dwx_}a)z zcSUpUtlNzbAtcWdMi{dDF2AUllQWGpK81z3@4e**8Eng`Z7MdllHTMsIg4O%4?CIm zu#-~e|1DHHdEJ3@E03~w_BZuXS;dTQ62ru zf5UNnEEO`9^q-G!BoGP5Xn2y~qCEF_Y0pa2I`$DbBl0V?<0!$X!|iR}AX z-25uR1X}h^qA09>IEC?-V_jzTHeXaa5bn*7n+mFB-UUjD{p?+Z*A!OaXlE77S0IOZ zAN~0O`qPDT^OblJ@jROw*QGv=yc$YVqMX!7FeY`7L*{?c2Nu~Nqt&R(V01JcmS|L? zRxPKtCO6&jWm@Td9E0Yo%F=OV8SD3to>U*N9zSwbS;jhl?eTMJ_3Gp2t}0Jp&|0p} zDGSQkNAUTCGG8jiZN5b+qRQa-5s1YrvISXv2q)~IS!HhfTsUrNRc7JKgza3xRI7bG z@=ci!gJvq1>5N>=HHawDfj_*WL$~AUfvB#S)kNbKUU57@BAPFB8QIgAK6#alc4^jO z*d@$1V&YXyR-n9CwegM1%-Wde-8(7<5?>*uAVQ*ov_vetWFDWwfKY~*Sl}(gh);+* zNP4eR{UzMVqV8;5HQu-h^iGJ{OJrI(G6TUEmCeWI+LY!ufewrka-9wSvLb9+m5xTTvKNz{v3+a)Pn+?7Y6eG-B9Zi&6S2U26H zxMF_$i1H7%#Op|UB)VgJh^O}GlS9cjYmX3ema|6AHw}dh?a0sb?O@(T;lbvD*TJg z?_NKu#WdAi#e}Tckv(gbev6z`N|_?K;0fe2IK+F+lPic;b(RqE1*5#6oa3gDECtUH zc-&3IjR?8K@Q@r~l@c^CC4y9m&k9byCcJSdCL%$e$DG!c?e!z`ioJexUa3?n2q~ko z=3?`Mc$R32sUoz=u~((4g+*~F=I*hqkt((>yD0TRa}poiy6jZSQs1S=vcXFy%#n8O z2=~Tpc5`B-ODhL33YCKt%$Md!7qfY%VDrVC&E84nRTnX7?lQ~du^=7mFy=j=on3Fg zW_}%G8a@Rzzd-}Qr!Y9A=#EHS=3U5=40*;#r()&k$57N@#u$j^yK&C=xf)r?Dz8Z&pr9HEb%UBo_M}t z^SLMAo5E(=5P8-H7;qdk$NDq`b<3U9!UxUo!hQu+a}>Yg&M(j~Yi!<;UyJ94XI^ny z6!@)Kvf1HQ=Oh^?zN&&%j?{j{lNHR#oGY+Fd^Up#4@D#M!48}WSXruBK^j!&N+Fr)LBv~1?MN(O`B5t31DoOC1<15rR^)}CJ&*?Htw=|w z?qWr{q+!nw45kv#^DvOP`0YMQ-C-_@seVVyjK0k+OR>^@OC+U9RMEx^V&DrR>E{Qa z`i~-M?B>)DMVm|zJ?92hY}k^gAEk$4&viOIlpdv`T^UN5AEngk)HZcAzL3unr((ys z%*t0D&@MA9?w{4x7k-2pHaOMi6^8kjRaq+C`Qyy8lI>Qoj#B6cBJGoS5%>U`6tAFJ ziqX_oX?c^|;W}e2#bQ{MqUqk9rL$3@`{hKhr$i6LiIfM=KJd`Ia`fJ#_f|?PKMYR9 zmM+ENL5RvR-S=Bdi;D;zsWFhVSG`Kpax1iT##_96h?=UM=}jY1JDiR#a8^ zi23$9;i8oy8WE-x8SPBK(&eFAz!xph!UqO88Het_eLo3W43Yq7zgbx8=bn7`4OOt` zo_x>HDkcrve>T_FG&FaZknss z91D93nT-CCeSWN4RrTJ&Kv@`H|-7~v%^vKdN zX=CmQY@)@c)bK#GwHk|m73p<5+$a4~A=1o-=nMY}k5UQ$RMoHzUscN&$pP58!WN29m_JkW^PAcAbN{hBb*XNX~My^lfh$f*Zyy3FP0z~C)lrPLH8z`o#`3MNC z&nuEerE<@Ts6IX!O)`-~l>0$j4tZg#8!=m;9J%N@UDN}l*RVGkt1_Cs%2b&oA^>e{ zMQ4iTcpmrYbBBKvUs>0DO<`CkL@XkLF8zQO2oM>906QMJ1Qz&mBURt?>veWnL9izb zKVm+~hlf1yWIVWm$+fF($ZjhyBJP0_!J~Q#z}yNqq907zub@ zS^ zXyfh8l{oE*m1SkQyv$)`ImVUcbSwMvrR8`Nd*T`hU%SO3xqUJ}E5!ns;}ZaV5f?WV z^Ck@pCh2ugvsE^q11;gppFjW{?cnSc{x%9qh11|T{Ef$vWZXLYkX4FN6B|V{YX{e) z2(^xN0rQ*0 z2gXrdq4M~aithrHkCJ8ypqz}@l)BAIq23LHlgoV?lFza*v~G9eq=~Fs#>u(jS+Zw8pWz{L)jynCRLyVUfQb7;hTf-(ujJkLuW2r(bxN&9xavo~~B5ku|`rkY~* z+j0Ud7R613*}pJs%WpSk>j`M4bHV|}v`J!t+ZO=K8yuXY*(ZKW)6cGO{kkoe+y%0K zpA<_#_H@Fd)N?;vsCdJG_V4y-$pX;+b7b8zXurHaXr}_WnPB^OxZnZXcN9p-_Miw#p}f(y)iK&51lW?+<(alp}0CX5$1kz*w))_%&jKK z7rEF587D_cWxSq@V{TdPini(Ccr#^oLE62O3DQnRB&8m=pWfaOC&DZ! zZPJNwJF;#WX9pM@$JM`?P`1Ry4wSvEr~g-KZb~gTcX1DjTnH7)Bmj1jmsX5O5x|b| zq5(#9Z0BT6b8 z4f3E2K1ff^#%40hl8W;Oe zgLBF1GqGzqyj6&;xC{QtG~;9%@^Nk{Wtl6<=HOFbuwP^W#pks?t+(pMoN|7 zB_}E2@LWAa4JFG3BjV&0T0p38{*%%4U{(N-#Cn{ zTL#{8e?M|m`t9gJf)MME4lCB;cFRoIi6hk+QBkbY0v z2t=g|aIS|l(N__fcRk!=I~ak}QKVk{iBZtd&sK63rF)9FnhiK#4p5D5e+Ol#uFw2xDr81db{7S8h1 zT~&leJG89_XW#{XW8nuE_({9BXJ4xP@KRMr2(pDUm(XgoI~Vs+>=6gUN>s)<72KMX zdy^w!{xNCyte~6n5a+%<`y!V)+)H)vAShgO)Ur^gcDUO@*ma;G@*4HQ@13{?EPR2> zYK~i1>x{1NKrwU=6b_1_nJNwxhD40I3O`fBSa0KG;8{WzHGLHBq~pkT*MnwDO|%Yz zNVOM-4LBY{Xl$C3Ye@|Uv>W`^Euy7j zU`H{>s7S=+WZWC{`EUl6p}25y=?b(aN~SgtV9sv@J3!x12(C7wU~jYyQLCfLcj3OY zQq|GcI?FwTp4;LC? zr-xl}+||W)cq^sk3?QY7BTmpfKAK|+&lm2#_ddvT)@{^sNP}yU+1^Z@vGz_ z9JmhcacYL$fDXjKu%Dm;7oz3T(M~=zhNFqzNY}uvwV^XO<*be_ya5(;#^~tDTWd(Q zrZU_aW2x8-L0j?A^w+|D(G_=4R;wW}?Rq%M?8|hW937cQaKg__+Y2LNpmX@x=Rqf= za>dyPrl49r-y;Au!{u>T+u{DqQ`+jpAA?#W`GHMDIHlX9BmYb~G>>`QA41pFfx;xE z6W`0`yU_2=U#36r1Dx{BNI^JFDagw4d+vCe>-_z-Kz|7?cHu#TF%A675ss z#fcO5_(rF2x2ym}&ioDv%X7CIhj{WHL~6pB+)aHy&MU+rKN0D0og9>?S;aP^OwwC& z50li>ax%UZOADvtvUw@{Go=8`U7xJSt$B*kn;l^Z_*A3AdI*SjVa#Nq8PU&S4<}DW z&!47xe**PBGwQvi{Sf*bHhZA=qU}6rnJ74ctIXqF$z!f4yP}gCpqQ(4-5_>>15qRJ KAuAtLEB^=Gb3Hi# literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.doctree b/docs/build/doctrees/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.doctree new file mode 100644 index 0000000000000000000000000000000000000000..d75c94eeeb2a9f6a73dd752fb3a6206b8ca03d38 GIT binary patch literal 64600 zcmdUY3!EHBd8b~x(mo{Z>SfuoFFbMcIC%XIFiv z)r^|6AvVl5o(QMdNHF9(e%;oJg7cfUU$yGRhV6Hps#mPGnsZLgZlW)0gf<)Qu@{J$ ztg4TOg45x)1-|@{O$H<7ND#I@7?%8(f(>=2X@{k5#R^6(ADvdZKIA4j*E=a*DKpqPEL>$(-TCKz&>HG4rD2{B0QA}E4g z48>oHf0yCk75KNGlmfjH*ARFr*wD6|P8eJ)I(<=LV5ebF5Ot;pS7E~?KeW2+DmEQ! zuf+CYjM$ifV2q&&bs@OqsDMmiuGJ|Vj9^nZ7^_o2XqQn{2_bNB0OL2p)++d`zS+&z zVC^V;1(z3#atLN5q-SDC&m2E|;Ly>-#YQb8an}Z0s@)C&wk+Yv?g_@#C63eCHNhs& z_I;;058IrKjBT#dYWjAw76!xjS@kZ4C1Q7LDHxfzn>G;D>V)`FvjA}4YP9iVOmtKR z@ss#DDt~r6b^O}wx2k0VHkG2gAsX_X>CJAVynqpCgt)TB z14P>8YO6sG!~@Aa;)-3j`IYh+K)$TZ3q8sP(%wqJcn1d3@ym7lv|SHp*9D`@sz*PE zf=PS9fwp|h?|Q1zP%u=pE8Tf?x8;o0X+l@1(Xp)tu8jB{t7?-_;Zm^0X|}t58Q!H; zL#;3v>H2fiFPQcme7`VRShhQzR;SFYX02`m>%+uq)enQMt*)P>GQ_Eb!QP&d9un+S zutgA!8Bk3xOcwOC3?@hb4_ac-PaOh3i?{)CU!S;?_ZFOqpn%xFC z&^IlCjdnRQ4GcZM;J_+6O{-4W+sdzC z{F@#DG``gK>~5`9UT6^LC+r2dWE*V7Ejf;>e)+V+eKpZ4*BsBP)JfZzpoq(jkrdjFdZZlx>#P$|N11M|ROSbb`5n96c~d)M^0b7-rY#CyZ#43?JBT&cjsdPQ&rT zqZ3yITiSNJ45irc7gf-NtVVggWb&c+un^cGq~(Qy*_I-i>=Q5Oc?B>nw$aD zEc+R-gI93^b;fDi<&ZDki;?^$0tHau*$UN6uZF1tHBu~e-YcvNR zTa}@Lk~dSK4k_RuqVN~PUZ=`w-@baktYPae(;?iK3R#ywGwBY~| z(gsXA48|IZo?k{>3Cj(G3q)JDUGy2IG_ME)LD&j=Xoq&NvE6C8z!6j^JRq#0+G;O$ z1g=kAcg?jgoWAaw>#n=HaJ>yU9_uL{VxR5? zTa;(=pl`SjM4h9NxAH=Ze08OP6zgb)ZY%9PBA$Q%CSMn)z z%Y406LG;q97O4(=tY=%DDyy^>#0A?^6yZ^wY9#asCs}XJx8T*C#{3L@<$tcb=9&fk zE4I0R6qKna z2}!KchUL+;MlKGEBa$rGL_O$N*dMb`iK4C2Or!9UwRi#hOZHcy#)Q-CHz2~R6m7g_ z&skjr+#UEzrJ>!J&A@Dv+dFwe#P-al_3@IVN)^O1uPj!`vS1r6C|VVAiHLB-@=+FD z)L&GF5uTCs30}1p=28qPAJCs&7JZHLO2Vmmp}e@Iy*Mw{7ko+%OA#=(MPWrWTo_O( zr5u*YxK67r#zBr4`@ifn5vi@pJC!S#q%gh2y=*>dBfyetkBF;DuiHi#3(Jd2u$Jb7 zxC`3i3vhtD(LgvT!`%~M)ZHkS>t(y`!1mQZ@Jp}??b0?LUdhR-JXg1{Oq3el(njQk zgaNR^^%$(9kehcu-bC==Aq1n`Pgp7ut|r7aZL)m?B`6rjq|?T9>hUmBSq*~two^U1 z7%uZlTjcMuGv92%C!7#%cO)+(z??_YK^6`R52FTgyL31RmuOLmB@9K7YsK(?i~YM` zeJh+1E2BaMb^$w5tta_)`xF99<+3EJW2yzrR_SKcuX|^W}RzclH0_? zF`A)i9kw3Y$E3;UPP;4U?G-RZtl4G=Kd=DcYeLqlV;+v+x0ySB3gAU*>KWu&XgK+0 z$A3}KhnNKR+bq>M>`SS0SY@_s0J=sR-`MQais$HDDrGa8WLCDH3UdQ$`?PMLLL^LsHeE98n9r7t*f?Pm|@7 zy#1MuL$LzQEC?w^5urH`p@~(GSYUt6{w8vmTX|H&VXGpksBD{7rU6%m5A3t-bE+!) zeEeMokUet>`zQ9*sP@;`KS$rc&i*a>{tfoc==)dLKdSG6U=mKYWA!n)lQW4Vk6-S# zDQSmUm*N!Fn0<-;t@<8_%9wbeqZSe#pavI>FfFPfVp!q)X@nfg8Z7k`)69+4Km$2b zp7Prv*G9?*$;fp(rQ9g{f%H>H&gdd*6wwosX|&?5c5uPsqOu5B*ZtN9V{S!Es)I?z zb~5P3vdEV}TaG#vWfY>TWK3_b9Ka$j;%oP~d>7{`E`67i*faFUY*PbK+=a? zD7q&LiRGQhPevRIYe3|I6by2!2+4I|2xN&_m?l}JmUYEKJY1qDp^P}PiiA@OC?QP0 z#RY-|*&ZINLtcKEhZ1sJD7{mYo~dW#g#0wKQQ}J*iVLM;uok2B1|?hUW($E1C2B(V zzmvOHuo4{b*Z=`7Entx>7Y>utzoAV22NyNHQ*9UilCMsK7paU`wbm@UUd^sMr#nR~ zGiRFZ#*D0c%k?w1_xu@*)O4d!pRN*zs2ppO2Q)-9MN3;$htl;@K(OwCDJ(G`*dN-F zC=m(dC=m%P^1xx;1NT$C6I#899H2wNP&{0U!gVrlnNoCpN|9R6NGJiV`{Z0ap^9kj z#AkrGY+RLfX|i38+H6zTDGO2N9!O1Y7eqy|!}F~Uu2PgFM(sRRhkH=9tfJJ%`M2GB z=beSpfun~DHyu8D;Ep?QIdJIE@xyoDeRCLfzB6tu)9OBLAOt(^JWx7v?|~y|dgq`;*^#;KzI49zft zzb@uGY>x?gqk9lK1sC1bv)wm=G{t8}wll~y|~WH6$An+O8b1$JVEU!WZr z$|zs?;_3f%$yEzY1(HsM_whn(R(xM1r-~#?`jO)%cnvwV#s}KoO^JXx~SAs%hb=qV6VQI;c%i zYbvFV-Jnwz$@25!wjyPyeDQKb{`|N~!)ap6q|=Za$XY*|;yldj0`5qdu9y}V9BUB~ zcyFEQdYzey)0|-rooI-gXu68%iZ+u`8&wduD#RVBU4D24evY8*!|V~BL`+QpRRX1P zVvQ2Y{2~YFB+VzuD#3_Q7UmJ@eEIr`S4v+v#^p4Fsx_Dvu%ANMLbeif5iJKMWEoGz z^Ii71-MB0hkrGa~A$M>(UX1L}i_=yllN6itpoo?O*p~(7heVJhJP_YPgq%2;##6L# zs#rq><5nHH%8HHn6Y;F5dLGfDs)AnRMnJLQEZEo+TxGEwLEe{=(mlH1 z?hd{WgT(_q;qCkB$-Or0ebaWNq_RuZle-AW_tMEECD{e4*l8kFis&lRLNuSAuc}}+ zLF3al80XtOQ7Z5}wP!BFIJuj{H6)_X-U@0zD6Y~+gAXeNjw0Az8tp}~HxyUd8dZsQ zL&Y?-O)KD=2ttvZxBiaHSh(Z7kBW=q3Vcb=<7Ns;R5ZIcBJQ2Ue1_=HNE<4MlW>BNPTa@|`{Jz1bXYK| zd3jb%EwGe?Cll2n6H+k3p0*`Q5X)eJE+eC4QHKmp741m0l7XHoJU=RgZD1Bhj@08` zAmV;!R3l-htZ4(>%Hgw5NJ{(k%If$=nNGuS+(Txuc+;yjbbsjHuwHE%T&PzP{t|JUaO$zW z?oHIMnj&oZq9> zLwq(#wA#+gRUjcwx5Y^+UI^XrgJ2$SPv;d?mlM1k0bp6|QF(NhhVqP<6nVN4`64=D z=Hq0?`Z-)yvxI0!yPsl37yb zO^2?xC$5MkGAu3_#;I(6uABWH4l{}4d{Kg9<1u;oO&#cCA7Z~ohg0}1CE{GjYXRrV z;JX&4F#UKCvj=^k zni2%yS5Lz7S*ul3Qpe?llDNEh(CSthPQa@MI7~a3O&&XA_nG{SqO4yl9!Ix0Vu@|a z#p4llk2Gx8C}aFnIA` zIb*(3dREIAfO}F<$jz!)y6Eo?9ckGUXn5|Z4c(5>NdXN9hT};C-3B8U;zZMs;c$I4~qDnJ@1~=wsIec=TEG zL7jXOMyA8B=}ihpv(}MgVu}ufeTgpm0FoK8#XO|+a);OQk>;o#k1QsWmhJ%*HT|0I z6<$If@?e5-{YQDgERx32iX8+Gx>nq(bmyI6aFfntax~L@*h{(=^80mL%<~@{+&mr# zb6=oSTP<>r()kDElN_YU`cZtY*JVj6Hm>`f)(piux-BP0zii1R6%Iy6 zOB)4ywcOIevoN?MA!BT(nln6$SyHTX&ULU6E4|2pf3E5CMKpK%MLu6=xPk!@@I5%; zP4{tQZ@r5Aq{$2Q}m&O2co(8Tq8kao=*yg1~WVW2`Ou#Ft~3p8T4otCaZM-Fp#_f55SN+oz{noY!0Eh-?s*shg4`YPeAwcfYIS^y;$6N}~Sx zJ+xfwv?cbEdH%JhlybRreP_>gak?g)UEkL~J?jMxdfD>)8eJY1bi&yec7q-A;0xvV zVY}jf0^HZSEpZ)3#c@{`ZckLZ3rM)X6l!FTvnBRE_I~yY%j_4I*qhj!*&9pjXV_cW zTS}~n`w!o<%-*}qercIGI8}%o_B+|T*wgI4Fx=0#h#M~7vD6JV(RK*7X()?7<^ChK zppG2))F+;L+r;_b=U%iy{o1+XP3{+?vJ39}rn@mJ+xL;ryPKk4mp^sT{gySX>M!TnP7>*Va8x&IpdYR~_z3pZ0?x^fFxBrg2Bl`8k7vJH2J*xTCXC8L?xX(ff@0Kph2`CBRtE_$YPB; zL)uVuMpiwzg{JWcI%N4qEh6ZUcQ9%Z4JvsMYLN~$jjI?3Li8^IW=l>7SJINXvALx9rBWA*%`T1qs}7eklUpeSEU+-Hc0xzl7jttwd042 zJ%LG8o*u&8tS>@$?#=i^&YJst>iop2p6xQ&QwlD^C%j-YZmFW9&sP16wdjSf#W`uj ztQI{#NHTR3mexwk;Kq6iZr@m;8`nbTb z4~kP#`sh^-r8XkkR~XW!h$e;ho*w@7;3@9p2E$G$_DSiaR{+{DjRZJgNSmUh6xw@x z1c>LnV!|bq47;JwYGvIdyuF2VZ;nDli4#Gqx z^j^d6D40#@E<<|>SMx!`ZYTmy>E`mmQl)#H-!|-z!se9zGQ>(apl1!cp;$Ymn~cX! zM+5ZdW?giHQF>lwPbA7iOCC466bJIul}mvdPg}VZNAZ-EOHmI`SGg3U@Klvc0R>M} zxitOr6qQSJHBV2uG_&&5luOefPfNKpS@D#VOH&I^N4ezxc`C{!Z_U$CE;&@5f^x~{ z@${2RZi%O!Tyh*d?c|ba^OTcI*2mLLF4+f9HMs;`o@R0hT|C9)(zx^Vl1oFwml-Z; zu#1Nm>A5{T(R-}Y#p46TlPAPeL@1Le9}|x95qcyAzpWh+pgRC??xxN9 zsu7Xs&Vv5ZoK?ZM!FJZFfEHKc_ONg%7)C$cjuY}E7#=CkZAj7hWm9<^`CiF_aE?)T+O&&>%a7G{g?iu?-JCp5$6)Il~_+x#`?sX=+fbA=}D-I zQ3pcp!$+1-hKdTdUn;$fzDU!Qw=oK^}>u2d@!dF6noMe$(3mkrb? z2j>A^)l6hFiQP*;GHE<)SFj-|^-ttTO+zAq{-ZgBk3moQ(i~8 zNPjqof`-WjgQ^ngVu*~8{zHaTfpp4zm<_u*(#_K*zYRuLj(XyGFzSEPKzNDzU*}cL z#9s~SCk7{uKAWQf%>w=^N3e7Y=u=iu=(T`8?lf!oOkStC*6`^Z3Ys_E=GL&1+}`sxo{c>a*MsfhV$jT+_M|=R<5kTRuo`>VmX+VUEk_5M zMI6i#E!`se)D>LPYY{2@X*O|7Ubne6@!}i`noZnjP*vK57(OGL*kec)HbHr0Gf0@* zL~mj%k#TwyysdmvAT|dZ!H*fpD~;escvUlrS7QY06GFcyM`#W8@63@U9rb#s zgC&MEnEzZ}Ke;e}YYqhs=09yvRl-~hkP*yZVMrA)r!5V$K|gz#Co-O&18*ybIk7ny z=6`JD02#sj&kd;p=Cr$JHt6OsS1ViPN0KS(BRNB!K90oaV4NSy88aGQiSq-z zs+q{E!8um8`tFRABee$fxg22(6%?;*6XT#Ey_(liF47;&p+KEUq@OUTDv>UR$O!2- z8&U<*X{*<4*v*mN8@D9(mVO?*W%;)BaU?be1N~hF@=Bn;omVxJcr`#@pAhw&!c{MoSkd*qW9H}*+Pvr=c4)i_+^*eOVk%sik z@;b^z`XxCOG^Af-P*oyb43QDi*BDX-(&-3{*|3`=q~p9#Km87!7}8+=SYAK5F#qu!3L4B`X;4+dTnvyA z%q>HzfH|GUG8=SrnD;vLAz)26-cL}fo8*Qj&!4Q zg;$TB4d990!GPZnnuZa~<-DqyVlo`O9pzphrMI%69A zZ_n#57ygHHC}{A%)u5_`zZfth_+M&B74WB1t7afDhktK8lQ@U=li+RTexBGI4Et9Z z$SeK)n3ZyV8N*r>Nkp(URFxJWhRnzUK5GC3q6!P3 z)BR>JFt>nSN1r&Edlw{LIq-?i!N9-MK#LOickrra60ZjM>k~qs$`M+_doxFtbiDWJ zr{B>NLmJFa=Jk^cbCyFvgSl-`Rl-~hkP*ypGo%Wb(~Tx(gKiG<-m~a~?o#>BU~}b& zCyoar{ud2ImxzBKuWBazst}(zGw|^op*6(+VU8^6i0{)+u&>v{_Y8;z{%7*K%mx4N z=1|bU|2qa%CHTcy8G-*jhExH5y8X#){Lcya6PxOj<7WeY;&?Flw}56=NI<%m;2+~v z&4gbS_!B~3pChye{%dk%Ne6$Qelo$|bEsfCughHUUztNe1OF8URVDbvSQ&wTlOa`r zpKi)C8~<|x{=^1k2W+m~^ApE|!QV0vU4p;PtC|VFD)1+S4s(Ro!2h}&S<=DZr=Lvl z_iVtvCa=p}@V`2Tf(HI2gQ^nzVyuk7?-)`A_~}+rv+*|vfA0;G+AN#gmHY(wTsiuQ z<-zEG)?S&7@xq`g`_b|2ao$4gUX>BTPE{`xF#hlo9y!Zp;2dUZ1)6|GOLt z8veg%P*vhzjFu7pKW0c3_@`T#%@A<*_}6aaO&+tlVe{GGpI9D@|7$_hF!U+%s%Fx! z3jax|@5_-|!~fkm!ldKBPeJ|o?;R5AQ{F*!EU(X8{2$GspyB@q4XR4~i_tQ||5b)m zfq%NS-V6ce`0rizYRXP*);|R{SML6aq4yPY--B8-H`~_Xaj@b6Plrt|MT z!mur`&s_X(&7q*-f83y|#J?CVBmDop0S1UF@J|mSF++ek{#W`Glb1pXD>nn;e6ShZ zW1v`R1~1`N&6KbjGe|$pu$UvfW(}uvWJ8}FsLexLX4e}QIrg+!YJr*Ic9h;H;RmiD6!rDA+Wh}V<3(P8^eD!5M3I>ukfm7 z!mq{{l4l(LPma)<5&TJxEa^tjr=QG-sOPxDALn(M3;sXKp`d~P4-BeG@QblB0{_#7 zQ~`c^h?Cj)n}dJFPk=gq>)BWVu|C)ec7bMAFhPSLtzbK^YNmzNSiyjk4=>7*UNeUm z}Z1|5QUeqP_Xc5z(}1g7ZZk5VHfnUF*8J%+eOBt zkT@Ff5ZGM#q(B@GHit6?qDyn|c~vvvS7Q#z^AK;z5n8i?H|NNbZUue%$($5=jz+v8 zughHUKbb>81OF2SRVDbvSQ&x;lp$4spB{l{HvZ<|H+g>EpMk}d1E07Z4E#?Sh%JHt zNnSNY@Ts$Zj@qu^lB2fYajITnuGJ|Vj9%+k(BFa;Jwfmr=SBm;rI*UH%hTv}I^K_& z)?Uk{AN~1Pb1i+%psKv7_8)~p`yWDQ4x7mXr}6S~3vawGs5e(f%Gx_|PT&%3yA9l;qeUi!7tAd13vH_j-pt-0ZF1me>F6n)p;)I(~*Pcl0NO~KIgB_ zwu6m$pLvJgc7ow3xrZ>|kA)@ou>8DDejeeUHlAN^E#Ms~cp1+RejEP<8|Le+N>~au zR;@O@7aCtjJJy+)CgJY;(U|Qmv3(^xT<`|`$U~o;3=yACy+d z2c;MBL3tH?(8>}Y6j9@YLJEA)1T?$88*Cww@JLBWRk1ttjsbCL&Y9OPO-Mgbmc~u> zI0*oX>Gmp%)MysI*Soz`6Q;t6guM!S5k@y{(TgcxMp2E?!zF>;W%~s`96yk^ux; z9q+iUS6B{4%2fs(bnGT9#lEX^R~w>l@$tUKI$kb%4DvTT(vrGzpfiu(?i0M}>*z1k;l3VUmfa`u_eAJE z#Xq_gc3CV0o7Q-bd=*`z*JPc5%NOnnaq8!q{w z#SIj+++P6)!9IEcik+ zc(NDrPEjv=F_-p}m2@a5$>b>)THl!sTnkOPU z`)Fq5|d?!g#x>)DvGVON3EP`40eoDGDcSRiTMWQl`UazE-*OYW<@{8zPu4j0% z2xi{4Bq`H;8d2VhRdW`>UJhxIE$PsN9MPG|vL7vGg(>ysRN|!$e=mfjPV;8hQ_eJ!tF|q7qH-@{TQdbmSM!ijC z*?Y2=3|(nnfTGrj`n5)0AlZ#+VqZ!_;c?X8RF-c@c9S8E<}oPh#ya`MR<|3hb14>^ za^Hw}1X1_KMyuAPC374X1snJ)QMF2&ndO!3Q(Yc+islp|E%D%Hi7!5u`PyTdFFls{ z%43NyJeK&nV~H<2miVe;i7z^q`I=*yFFBU@ierf{IF|T&V~H;}miTI8i7z&m_*!F$ zFEy6letYjCF zju5e-`vD5(hIl*}F8kq+hQY36Oh|7+<8MQAubf=7Mr-9>h2KlOiJB!7v7W3?Pd9fz z)Yr@Io?a-Nga^Uvk$c;@*G2v0Mt`y`#h32?=6FeM8VsJb8SV?oKFB0z1jKx00aN&+-f zyI;`=h=K3zlIBO*f?`_tqgo4ru8c0xxTq1J>D&F9Mj(kb#WRmuWuN@Pk7W^50&-QhiAt)LbH3Ae#xL?-@qzlTYZ`mh>)$Si_ zP0|I`#*Rv<1rrvTsmi@wgUlZLDK)dbe3*P<3TC>2s*;g0w5 z(rZREeM=r_G2s499}m6g(s{r@YXm5|a3}h@%nb8o-?V^mztGqB^@j56%247^G~({) zuG~-JqXszM?T^|z}3P9tcMt}kmcXwZxz43--E1Khs{GK}t3IgyMEz{hWd$&o; zG=Jb$qn5patHy1rQM)GxHr1e_`_9Pmx%Wp+dnMJHrkSz)mo<7ru%Tz)G&CK z@Q5tR{qcxG2HR^u8b(->z>ck&B0i^)0%Jb zT?-yq%UF9Dn{#%Z$Irp0dAsT0b?^(J`*HNnhJ(#sn>o#eV!efpN8}tQ%lCAwriYX# zlD)?|tpyQ(eu8-2TCQ6UEtY**fi}wAYawQ^5oGzBsDhz8ICY9N-9I5Asoeb(efv}V zc|3e9tUOL{4Q|y0AK-d%I{L+i-A|(0R8QMrTxh8Qq_iejXPGksQ05 zS1KH{=ItZm> zsrq6Q^R*#z?X|kto^-zf>cQqituxJf%c@ZePgD!GwK~qc)3oYkPQFZUKf^L@gmT?w zxxEmKA){V~GxO~Q0%9=MSj0QsxObZmgY)<=yuZz}J0i_7Uu;-T6I(1tYsjAC@XZ*sfU$wu`E@R+omxX@al~@war_fQelu>Mn+4DcCB%meq#6`zi2+ zjYa$~*wnGxtq$0QMke40oDOz_%D&Z^x6unWjV5(TAsye!0b-(;h);|6hvPMP=k-=~ znnH=u2G3Bi{@QD=57|a!BX)`J(Gi82ZRtl8`n$5!u0QPnPoo*z%kF_JlQB=~P3CS9 z#p+#U!P;w8*Z3B7`~!nJPN6rT>u#_uAv@W>@bi6oa<4{rsjS|N0=!!uwym1;_a8bn zq7-bTi}L#=GKl8qWa6Nvpr2R?RHdwAEnYA}Wc|f9XV-lhSXlPh#h4g>2w&OFc+q@h z6>=NT{W*k{U}&?|^;@b?Kt;bIcKraL39b5AmL)jiQfntd|Zcu;%H(KOfUGyC?c;2cy{7ZK;i4b|L#g>}3M=Y#%mkv)_ElwxZHnUU?6@SvJKh zJfVTU7kmb#qc&#JnmB>guq_Ys4;XGZo`x;j0`(bA8HpK)#EC`LL0DAgcCN_^+nvIh zk0pXB)M2O$_c5x!Z+3lBAMWG0tlY%QzKMk4JzPGT6bl%mNG0iV7VOhjU1UcKR>v;P zJE!et;f&)m($nabJxjls2xV@rEKK3={;LZa)v(S%HT*?2t69sUh-Db6;_v=q;jmR@ zlKld*j2<5~&%!>s?G-AE^wa6+V+Y!(Pos_s#JW|jb~{#ek%rtRY9LcAkaEB?ms1c$ zqh?{=Y8NWDf5wLJv5drUp;bZDaoVmG(g+sL*fi;*RPZz^rhCGbWL9(u`3oJ}?{=gl z6fW4F9}}w2{s`DL>}Ieks`u2Hk7re2RW7b^{%es!QrXH*qYwi z$C{P-{?)e&YZ?;P6iEi(v@6)8aGfcb`wq?Wvc#dKzKk0(#GzWTI3GNR;*4qbr*&~Q zgJ~=?0Bj&L)rw_)<{Zj=$2oH(8iQw}F~F&t<~g2oSG0P*>)%Odwt99a``uxTt^T3Q zKIqhQ#jn| z;CT2HW$^YF&M*hF5}H_rnlm?N`WQ-@nu(%Chepu?1H(!_NOD{I6#kAvy|JGy58B+lqQg&EiPO%Af zAxJqIFXxh!l31!e+j($_V3AG~=EvE4+}%-&V0os|^k=Fw_agG~X70W9h8KR{%yBHX zJ;z6m$M$Bhj%VG9ew)Gc9F8{HSjC<^w@V5rYX}Nj6HNG4g+PwQ5ppqYyBei{*pSfL z!0A5N!0QJS54`N*Yae;|x<}L}zc=Dak~<;(Pkq;jf8(_`+;|hMAiZt_8Lq{fLq3@7 zBf+G06*&*&Q8azLY<}IEHKX_s^Xt_86h2=qLPRX-u&zYJj|(*$eu8p9R~L%K;)(sJ zeH!`Kc{|NxfzW=jWUpJE=gc`(;c6&AKBNd0G6)=+j!1}OyK(;oxJ1vMZ@~SD2zYc9 z0pJSwKD+=pPz;{pYC*|>@hl35rXv~#oWrxPfO9obq%h8>2)dbwr@jVhJcGcY>4=00 z-<ZTlE!M@+LGnJ%kV3(RMpNl;h0v2^ysz?xTc^;E-Qw)o9-$NpK29>pM8wo>IUny%&@5 z!h<&=m4dOj@j=)^;ikb$YZTx7-~)vRrXJwN`+&6G2V(QZrD&}19R~csi3j%cha_EcMn5xJosKx|3K^PHA69G-wQ~7_lmHT zjnoS1XpdXwB;6`LlCYb~g<|aC5i?|YcoeU~!@F&bH_fM;beiJRpC!4aPX`Ij(mzfm z15q>O{s_v=Jo+D?X4Wbs!=rziIx+U>?(0xpoQ-%rzLnf3sd+};jU@iw^4=eVL_AM< zR^FRh>tmX26ViKsnHmZ2{Sn@KzW4qxua|2wugZ$OF*e`9=w12m?XQ`3!!;8F!Oi#f5@M&Hz*AHK={IE&Fc2{6pJ@#QA=#e**bLqp}?~hjw zzq}%OSKuqMtDYbZ_P8QPJh*DGfzr|8>^cf1ZWV2QASE^pc4}KMg?g(wFScK--XscT z#L@4KDKzw|!N@|Rexo=ri|iwgFVS%$ZY(blT*NzbQk&S%!xqq1jSqUFiWrxyUtJ}c=YIZgB!Pc^SOYFW9dnx;2IhtEb>_myZ zyu`{S_F#!wa1&LeR%`fYm)Km1&6gOPUB{f+A?D)W$r7uVSYwGbS&OyVDb`^g^YPhb zr`Z{{z!upLQNfs`# zr_kLSj!s;`-dJL9VsB=%~VFD|iPT4qlJ&h8aB4^VQa@b?661j7f;@s`BLaq)4F__&XMOt}*~ zftbzoXA}Jy!k@1D!&)J3=*G3>E*%NRbAIrhjq_>(ST|uKXILipd$(<3E4e9xluBvi ziAEka48kQs>hp-|-tV&ga-`S=wsA_{Jt4Fv4nDgN;urK=5g#@2F(*El_z>ro-IMq= uyVkAK#~QbR54VLs;taCu;VbBL#m5XhxT1%aYp|+auxW@lEiBWl5Huk=jC*YzHjb)!jAoy407u zx+RT`LyomQ0|hv^%ngQ^ga9Grx7j6O*=!QX1_C4@fdsNS2q9cya}e$;yZ`SURj;b6 ztKMiNf@9EB*E_!Vec$`8_q|tDKePJDp>tN8L;rc}-4?4hPUWpirO~X|uJ5g>G|Sz( z-RSsF_&a~rf7qY&hTGOjx7lr%ZQnZwEy}D~tF-Ngf6VvBsClPabMvzQkZYGa)n+5; z&Q`NQHgwFNWW(O-PPJ3BwJPtthTSP!wS3*~w5w$|-?r!4w(AlA>V!V4j@YLNnY5;l z_yW_xmIb^zKAZ4{ivb~Qz#EkK7ra%qYQy#m-IC>vSRD*n>UKak(K%49xJ1)Xxn{X8 z3h{e&!>Ws4YbxDVcvG^<$J_QSwds089czxNe72r#V{6$3Y=CX|UOioJbf(MGM_s$^ zP9MGXn&(|Neb{a_-D;=VuG;SOT(!fxr74hKEwwFT+SF_tU`{sM$ESh4J1wxDE?V7A z)9u#lR(n2jQxt3~y4_N}S?SgQv@bvNZ5NE$F|)E;V&{0PtBs0%N}CBWN$f%}f?Wj0 zUyOg3;NNBVx09Fxz7p0Tc+y+dvZ`(0yGRUrL$2?jzLyhirusKwgN2T7b=h;+RLH#o z+krV^qe28j85&mwUjCpEncQr%ojV+eP3~x;Y_~gBwb7Z+?Fm^c#A(ZtyGhXkX1g)3 z!)%383xyNA+3L?VC3oJX`MjK(X({T{p{P$E-nV=2!F~C9#V0nb@W#sBHVJZ3iY+_h ztyM)_erL|{*0^@3Q*F#aXD0$BoNYH79lKHSy}`S!S{Kt5pu4`{4bRyP8x7~IPck4RMa*+g{YBAhu5`}r++c4W~b{fr&tyRvf@Yaz9 zXmsnvQ<#~$kCHJLqSGptn{_fQE6ag`!eBj3_%uJuG-@+fbZ#r&zO3 z*foDAI@XYHxMLE_LTH+}KI0-2ku9qHSAslni&;R@o+^ z`~`2U+Guq16kfZ^{Vzq%8 zEaqGDK09K2t7fZk6fgnaV7b|t#YAAvs+D33Mz?y(XM^4t8O35)>1pTj&=CfsY^u02w4`6$s@hyl!v{ zC7K|`hio_IpenU$z1r~)j$h`Dwd__AOtE1v%76)7p^}mX+(~`Ct*p~&xz|rmqu2#| zJFMBrH`{a5zPFiLas<$_*s<%7p$=qb4a%o3x#Ak|bF4jEj)A9=5d5VIJj{tjN_E_B z=c{&SmX86$G|f8o8U`EgSS9FrrNjK0HQsh;O}!Wxkbr=q+afVu^v2!!M#nl;WYsxV z!#`-)s#=qjbFB+M*eO2Hh2?RGA55RH2;eejA$lM0wlD<6 zE<7NSmTD2w(=1mTvycI0x;Bt8gL{p&tJX=wYE4Vn3koWZ`;eJ>$*#c2%mW2x+Z_zD zxr|oFi+0_r)`|$TD7xWjPsl(C!djaZhIi2$up1{}SY=d(n<@-CkH)<5Te}Fm_Gv|d zdJb4EGU6jdPusRDI6;pPcg!74?k55xIDw=sL57Ga^?ph!`~BmvV-b@F5yfHw@E;v@>o1P9X=Ep1q> zX3a*p>21;4Y5|uv9RNbyfJ*z`Xno%86cKMibA9i8(bs9^I}9$(%|k&D&O#qrzU>XQ z+D!*?1QrSl2yG}gTk~xp*AHBE#g)&Sy6TFnuDU#TxXaqPdoTjxm@4pvp_$J$XLGw- ztyTYqNEEZol2GTaEeL?!w-jef_MPJ7SmF?cGvtf4y`&s;z1r zaF|`K2W^1}C}fBOy!E$PrK;7)&2;Tn3+)i;wc(awKEUfM^H=Au@V!kMJBl)fu%UVD zWSHP~XUQmgqvd9;20Hnic%yf=E3itHz2qJ-n};cIw2d@15>#*ADKn~~dn=njOD(vCuxc_SA*>J-JQg?-W6s0vTQkgNHFtqO~U96;~a zi86?72{J;GyK>hq?n1}rYRwX&mu5LnZD3HPS~sx~Z{#j9>$ywFOrRR`3PHN9I+y1~t6}@$&b>89=*o*mC_I@e z!Cu2~j!?LP$ct*a-rxxlx)SV!QQ=$Q@iCvY zB2vD_67^dJ-9^=rGnOw4y)6&55h_2Ne@N9m{1AlxVPAC2&Djv!Q=Ot!t2Iv+XS)wR zIA7%P3EVN)rA2Q@w(*Iqk-FuQTO$*PMH5lxt)UV0680(f8Bw)fs%a2jvL>%!pJRV7 zT8vj4y$VF~DoI;gv1hF=0`4|!rQ*<5crzf|;QCIM5V1Y8xpR|HsexGj6~)SVK~!v@ z1x2$&CJ_;iSXRoa3wx`IP{NZEK8aVQ315mS&wEi*8H4UUvQV~ z7Xrc95QG)MbYVgzm2z4p!Zyv8m~Gm;15oRgbt;zNq~Kn{QPv%|5n#!+M}XCY z+if9?h2{k{SYz`^+yZX#g*k+~UPm}6!`)+kFx&{1@kP5;h3>0~;6>01t!M)eucWgo z&ekj}6D5boT8O-mNPw(xK6)!DBE4Jy{c>9pWZ zT^?pCtw9jqs+Nz>`-{BMn7l7m=Ne7egkz%brf4w&%sC_@WaXf+FlrJvN`r%Ni58Vu z!cYXcLQMY;*bfEj>tT#o5e-Vv3+R#RJ;BTE2M}N?lO<6dRXw1#iZ>&jnp=d;sLsx- zqERX;BPMOr!c`15(uLD6f_9{u6f`XeRb4k|Wkm#{P-S?v2lgUQ#M!+`ua_=NWTJ+Z zo#2LMrDMU#t>NJqd1zXP4S@S_n%sBVT>)>q5L3jOEr##|3jn?*WX&4DOwxq zHjXza#t7O7T--7RZ@%*;owzl;dl!pKUM?ko7xIYG->DbPp`opcB))As@Ufz)zzECB zPPBr3i+wvlNibDKHfq5r00Yj?LU8))tFKvd3as74lNFfQn$jMLEWWfTVE_8G(Em=^(BSQC5q3 zL@lshNXsHTjn+@_{wLd2iWSJSAfy;UgjRhJU94Jw0{cAshrnR2=TQw8TNOzKbsMxg zO>kxSz`nq~sG71bg}-G08S^RZ-`LlK*56>?41RxyeK+|1J@){nVBoU1W^{c!DwwRyfoqPFPq~6ankX z556zNR>Y*bFsay12HjW|b)=vz27`(^3ei2NuP4T=vWpK%R7;u3@{ejfXD+W801zFlIwyYBujW7^8^aAKP*<8to$GkCFHzNdZ!{SQ*7o0{p8sw@uf}01(GpXi_v<6 zk}Y{|6iJC9}NbfZ_57DKe`?`a7(R9*-ow7T1upz!s2F*b{mmUtsn+R2?;ZWB%&JeIp1pKAsw6YMnrZf zPYuIVQE!H35W!y;{tnw_0^W##$5R6ZQ8X@!kQsy&a~lta@WHo<8nRsCR~;)mnBH2q z-ay!_BS>vd!ABsR7v<-P9-U^3@5CT?$-`ROG?C+O5-sBXB?4B99#%G*60MD*Bd;T; zg@~O(5{}N8s8icTux+AzizwIJT@WYnexssZ#;gZcBJ| z8{eu5&=@B}gxC?LC0OT(9^1ki70Kz7-qVO@0ASyc7OP^<24bv89Sb2*$V}qRNjWbp zZ`%)G$FEalw#5T})s=P*BzkSyGljp$`ib|}syav$!bPZg)M{uynidc<*vTj9)vByU z8SxjbEqTq>a3on1GQ?Z?;)|5LUJ$m!b|mDGwlk1s6Bz8jrTx2n^&x-`L)v8+149Qj z36iK-uhQXxoJdoGBcHHlRs>41j{1e7CPnFdDy>_`Z6&*u&jF{K*wK_tHoB1Knk}5K zO5kZR)&%sE?-J-!sUwD*)hC>{K-#GvVeVO(MwUZtY6AoS|=RhiTD-9Y5M2Uqd+$6AsZ{@k#yNEs?yycmE#FKkk;Hn3&VuFDN%Z5)kpF8sO> zcO+dD=QJEe!kaQOs&aieg4iVSMx{-@9a9!EY+Kll^8O?mP)o|lKvP4SHTDP1MDh|D zP&MY35EdsKYY`E6ub=L^?dejrG0m!Uq9N>}@hX5T`b-3UR7Kb;7Y?L$`C%3KIf7yb zYLDv$@j@3M#e*2+2&DdE%`at9~E#mFYTI%!2RL9saxifB22eObu-Y7ry} z3&gh&K_^bE@f0nLD%McmTC0X!WywbTiFj5tJ(plnQvok9BY;@1p0cqg$gN_~Ozll* zaU5^3O~C;yvPg9NN0}t$QbM$7U0AKtA)|2Vz^Nik$Sxr#jw)|Bgdy;Fwi+gA1iKhy zxQb#qg1j#!rDMF{<_@+Glf?r)VeNb2$-Or0ebaWNgtA4ole-AW_tMEEMcMhPy4pah z6wy_{g}|Slr<%Zm9g=g*(pssJJ+6z?bwqZl;h#MYG!j;O=qw zGq@j!0_>>B4JmK8Eo?>mRP`!OuR_$sP-@wvP8k&EnoWe3;bf@k+8VS#aD%i}Fk7m@ zj-Y|stK$cz_`x|e4m@j5Gi>*qpcp&5rQ5R0Riq5#EuS60B!6vHurbB6i?pGFI0+{R z>BNn6*cYWWro)0k%S+Q*YJsH$JP~OQnvjAK`m`ZZgIER&bQu{%tJL5qkM%T!S~o#igPYF!1y!4^_D0EMPSs{z)?&0dN6M$%51 z?-NFqC-nr$TlGqE6=c-0tZ6~GmBDA9l#q7ljn(muBAtfeau1rt;!ST>*X^Nm&4Ai8 zxIk|t>?PthVbnu?-5zPhxBk>dFquJ#*ILLe9i|cPTbYAxs+3o$8=kmBpvJc^IJ%ou zl{iiT4%4|HZ0PgaEwS1%juKgEhL5WsUeM7ffp*rzC2tky?@1>)Qr@@^uj zpzsluR7SQ=MV?al1t(OcTkGPq2#yJ;H0l^1nXj&K6xt$lEF2#%SF2HR0D{{YB`=$K z10JB#<^)V_184XBnU9G68+bL&>ftC!2k{>r3{$WL^HB#E$CC~Gq|=Ird~e0W{-Y5D zD6qo*uRMl9cY(tcJge~JFkguwfmX5+2TFk!gzNRN zlXlR!Lz03gs1Tb#PN##w0LZz%0a z2M;w<6_(`pA1ct9USzZP>7BB4Uka5HyAYu7Rr|vUo2BcbZru~TyRcxsSN{==75WI@ zJDNIPw`So~5_bwb_EnMsvbC!Gp1@}x!os13Txha7N=xW_?@Aq2&aF8|b!eJ!0KiiG zjgO7@l>GW%Slf;qN+J8v6Xy4lr8KOr(QX{qyhlEk?aGM>ZIm(9v zjY);2TL1-3FVn5U3&=w5i6E}u6#ICQB#f49Ab8NVof zYqs$7@9W<^oQVGz$vsHtACOO~B2CsS#b-KB52?)yEB}i>j+~)bN7v=Z>=!M$q{6}I zU}>YoUM;t@@XYs~6`?WIQ_UEjhL;rUoHHG4XcNQ*|4hTz7it-%picyR1Sh=dId1H& zlI_Jx&i7^`9M*3VUJ{T{t){QnkLRO`d=~XVEV6IYv5Oj-aB38~VM+dO(qJrq1C|t0 z0coO_=A!rR*&X=iGc5@k^4uxx?T>IDNk~`=`QF|A!C*u~x!@hTC|9<8ZLdGtT#2flU zOm@bRHTPKz%+wNMrayvxxUKw#66wQQ zrA(LS%ar)s8ZX4_A8@SR?$FyU&W%@AMK*}))I-SuG(4z{r{C3adQ~j4l4yTk43=Y^ zu*6<6&%efMDVIy-n`7nTbd5hV&@(>00|p)9Xt|vV6%PtH{><~b-X?kQh4TB*UGY2t zo@?C@DaTQ9Jk^EA6V>hl67KhajqEYDz~05)&3<)}y=Q^Fj=i3}w!q%Z-ooBgU=2Kf z_>M*P&PDcXi>!)Mg~(yQo&6GfFZ&IK=lSOGz~$2mU2hF-hhUqAviOtE*RTb(fA?oT z`Q%gM=UwMqxJun^-t;=>D?#1)cYog*3hH)z_)E^3;O^2V_c-4QTIO&1p!3Dx?%FSW z)cJmJchlz|amIswyWjmKXE?aK{jZ;Jz8ADSG=GV6QBZf+%Xd2$1a~j`mgq$yM7`)8KKQ?I zFTqPpLdQ0Z)s^T$VrJ9>*(}k6M3H)2mN-TjC`?m~B)X8i8Vv%+A$pKZ_a8(fgnW(Y zLW19a5DhPc%AyA;NB=>z9<=%qT}Xqd3vsuX!CDtR5*1xZ-Hh-<2qAiqN}lFmq`yXk zA&DpkBOUMGL*sZLI%EfodIX|Fw!)}KFsWous7JD}X;_7FKt`v37j23{`6SEKA1|#- zAUb5dj0OoshfExGIStVvduW7TAUb3-PjfIbuttLgqC-ZQdORmlDYQw_U!COb%xWFJ zYV2`t*=dO6PTCBGo%*1owbjvi99~==SHk17H-IANX8aNUKoNLsS#Oi+Z;b`g@F?WK zh|DuOkVdf@sOzo6(_(b0+p3+k=3W0)I0BAv+@e<_N%C(5`Q9q&DnmZt^&rD^u%X=S z;^-vBp{vC~+?fZwA#u)u9@^--oEV((c^TkPSmfb4<2tXP3##$*41QuGjG5TDdSjk^ z!`~KfgIpj<*PEyPDe;;+w#|7pAi1Ufue75V)U8LnOc7WD?2R$ld;t^yf65Rz`St|h z7si0coqR~euNn?S0YSn*7sUqZjSRw}-fuV*MG*-@smV}z7s}8E{Q3h!*c5LVz^1*k z0QM&hVN+z109#G8!kg!A0^omV2%KV=1mJO|z;lI&|C1qXigprU#}VgA!~pT{83L!c zC;@mJaY`Ttu!mNgsTM_039#dc^Xzc|e3Kz?inS7epD!g|O{bnO2*$X`a108{62^!# zhq5{W?7Sgt3f~f7Z;RotM~dMfHy92=fnLHOaRO+sI3VD5L)a7&CcxevBOr9}`G`q4 zYB&tVkxLsUVjW6`!%*srhZgVJO^B80OOcR3%%Tj~b3gYlMXHQpk!JpidhPLveS)F!48WhXyFLasOaA z1V!8iLxl1W4)Ha!A-diOy$v)L?DFW9ho%mNnmjS+P%Oxkf)0ghJR#^%V8xSx4uwHH z5$I6N!jpgwMHoB*=ukMolYb65Z=U#b$kXzqpF{qTC;S}pUOd_7kc;7oK8G9vPx3ir zvw4EgA+ySpdk$GXp4fB9Hu0pML)L>Q^c+%fp3HMd1$iRRA?@HvJck6BC-58+EuOq{ zX!d#H&Y?--%LIpb*~Lqu^c*VQs6JZi;x&!p4IkodEtIj9uW3j9FunSNKfuycJBe3^ zPpCJ9(32K8-_&9~%?L>F1V?Xe#u8-XV0xTHYfAALp1hts>Ug^#sNEdIm z8pK+~nE)^>YsPTFJKy`hshgUv6-|eEQ)d8|=+enq(_6Hzw`fC85!f+=^PkwVttByI zAhG~^F1lwdz?^H*21H$jOBzvzjPf>KEKQoeBGi~Soi)xz{(zKx=v%&p&0o-XdU*x} zYC0r{+G)^qrD!T<%1)hB33ZhrRJpP>oBc`0Z2Gr&Dt1>4jxLK&0J*d&Po76wf%g}9 z*MMLt@GaidjAS#4o$CNHsyu9qw<=2Y>oTY&nUI41WCk&Y4DvR`1)XE0N&2g^2FjH5 zS7kuZB;7M;DkWV^k&&d=4WUBPDa~Rw?dFnho}>9R5M8>|6VCmm{!<3TOR4`;-qeiz z0Gf=mTNhUmvao%(MuB_%HS0D&EwL0n5>c4Qa{L7iRE4 z(};UANK4j;9(H-pifcpyewt1k$r?6OCti>NLDPwXK~t#{V)~49V%iWYbb^xBW+Gv( z6Y(rsB)#=|;I?$9KxpS`+j0&@|0&C5w3ve|p875YohaOV&7wf~br3*Tt*gH8x(V*Z(|aWcjH&odxsV*Y0aO{JKN2{ID%-!Oy*%Qa5oS(~^nvuL5IbRi}`uQ1DYl41b1~JKk-ov0? zgU&J1B>j0=17%A3br}#eNx#~lsg!gvMMjdo$q*_eozB~sO}n|I#|?U9i~Xm8+tLj> zq1j*1A2Og<3i>JD)QsZg2>L*T=(lDNt;zYDGiXVc^B(^68gxQP6Z1D@jgu+nug!p< ziMemkREoKnAR{sF8bXDb)6p-pNjDesxIvE|@%Su|Te_SRp8e(guMG&6a{iaRsTs-3 zk@Hnis#lDpQ>_X5zh@AWEa*K9>NV&bBTdr3pEXdXq<<#^f+p$TG-xU%T}+XYr2mB> zR7g6VLo}Oqb4fQk#CS`_)F;m;q1#{JZvsri2fW`3C>am@tWKhGiWm8 zlebOf*VW2YM@$p{`?AK%6#t*ffS`&0-3Cpi_=^cM694BKLWTI#5m_@KFc<%LJQF$e z_BPJyc53t<^BH|5H98Y z2fV2n>C2J#waG_LpPfOyCioYjX`1g!7W^JYc^Aa(d;~L119oH$n5hBVG9YLgu+^Zc z)BrJMMjG&413@6D&;WXrz)TFxH6U*2BgcTtpm^zqp3v+s`1c!dQ40Ps-qeiZ4A?EZ{ zi`k@`i+TLudw3!}`bf<01I?vNJYn2l;(yP8bSd%wi#IhRepwP9IWzFZ45BrO|9l25 z$r9hgA8$w8!p9~=6aK%;8ZuM(|0V;1Cj9@$ps5soF;_;y{{cg&5Po{r%5476i10@? z)h}6lI>JvF_ZR+W0cKiAK)jd2e<5#bM*OmbKSK2W45BsR-(I9u?^T?%o;LN_@Byvpb7t*44O*e7jtDK z{0|#Kh49mJsb=$UF8uMQGc_+8-Ie?j@Lam|6UzOi{~ru!m(u?^-qeixQFLroc zI@Ox^529(BA4?Yh9tL?ArUX9mZP|gWF*D`=oD2w>{QuBkwxs-v*)o#|L{;doMn*6`mpsAF9FOPI~Sx$wt>AC1@19sH58(~*8cxxe%e0cKjf zK+KoYzlt|CqkcKkA3L{jc?Q**`0vahCRzM@7?f)K<3|`S%^EXP{x8mepviyEpsAF9 zFrSOZnG7|m|8A65d(;K7A=HFcSm;Ab^sr9F$ z1%!HkE!YK^hLO=_yr~%%mZJrIPCne3LA|C92Qr9CR)-!&d6%X5gnox0?#LQDQ!j4I zfS~Ec9)qS*FU0H_>BX}Rp+Ya{&1Pm2VXhY`P9btM;FUmg=}v(#?yn9nHy~X)g$3T! zjQHiKL-ahvuV)agX~BCkXi3(B9{!{{h1k)EcV!KkDg5uqfS?Kg+YOpZ;TLmdB>ayU zLWS_t`}WM{-(2`jUe@<7Kym4UPuTVs{Qqk}wiNuY@TLibPoDmJ)V6rfI%s#=)v}wL zZMJiJg3l-B^skKt?~@!GKO-FQF1}cvU7o_IQ{jHhl=k^E{pimq#x?YoYYdvoSD3Bl zO%s@BE;bXpPv9f*7QQT=Q(p)Vn04hDV%CO>@y!}B$dnp{)KRX6@&*J;33`qoxc5bT zcnRSUUTWBB+jj5!^e&{A8D501*k6o)m*C%J__yt7$$+h%`)o6hQ-P55-=;B3ODUEQ<(iE`T;!gu4_RWTg}=UzgnXas zh8Xm7J?}E--a8DMN>O~fV07>MPtT0&`NSDwT!!oUBLjk^WPMZ+-0OOr1E`6;*>VXU z=STLHPFr_Z(T^pbmTL>8Ft0zqb;ezUHV)tRKI1-48-P|NXOjTFJ90J&pj_M8giqVe zaUcCn$Uph$Z^`So<@G!A`dxYbp1gjaU(bZ^{t_S=`fj1VMqXB!w)CcIdB_n+Zz>Ju zBZjzkOI>e0LRorea#6)C^j#nN+~Leh{wi}^=slje(8~*Pp|`o=LT|gmgdGU$*1IwXA#iJsl{#(BVB>@@L( z`%<@BtMKnhQml!OLUEKI=L3XyG*Wm+Lxy)WB;8RE^Ee+nydxySJHjTsBecRh!Y{ld zM1wngMT){&;L8^{{3}uuf?akcQaU0&y2-yT1)1?yl=+vVM%&G1r|8btOU;_^Tn0XR zgLjF$Cw%F;wiUd!ZnZ?8j^15rp0E))tNUB+TJt3CS6A_k#}0nr`;J)0;d9d>!p5gQ z%l!T76jFQZtL|Z2Z?NbM7t0J>Zrcqkvb=RgtI=%i2}`;qZ>U*v>~e=Dntyk725+e! zE(hOKC0d5$t=?o!S$$a*Eo4XZlZ9No)~P$p^(>Wiy@4{mxk?@OPe3MifgR56_@%MJ zIe`0ubCCXe!<_6p+jq7=`d9~F+OFZV@P|Nu-6bxmlHKh&+&g#ju7~I^*x|eYKNg+C z_oh>>1rd>#lS@csc>+kg;x7wMgPQpwXgLBIwP1wHdtbhq zHip6Lb>%2zGlNmKV|CsOR_1s#&dL)0w2_2EMmL0mRrpfi(4t+!A*&t0!3?DXQZu9w z;-Qg*M20_rv>ogArC>zMd)*BZx=?6n~bHVh#z1 zyjK8c2Srn9fZ`bO=u1MnNXO_BEr3k}nD#aa370%-fZ=w8V`=c>lv4C2;gCxX;9RQj z8KnVCeGpngCNCdA-j0Yj4PYEY3Xmln3KIf2lWF>s5A&l?rT8vQSgC6jMIRybG_5j* zuIU;DH6ipg!8V4j=?%q70rZ`zdJ_d7KkBBjM%N|^!b13|mLeZ6Zov9D{IF7-qn0yE z(Om$4GEG~f;Nvr^f!B1Hg2n*)&Qu+af=|I-*KCSL1Nc{%Xm)fM!}C^>R}}OHqfMsi zdvuf(UTIc0YiUg+(iC?ip?{Or?RqO6u~xVnVGh<7Ljp!5tXx&MkS=~0v5;)E zj#+NeexS?4S<#&$uLT}6E%24rB421N@^#h%UuG@vRn`JuWG(PD)&gH*E$|iAB41!F z^7YjMUtTTn)zt!DTrKdm)dF8yE%24q0$*4y@O9M!Usf&hRn;P2R4wo|)dF8qE%4>Z zB42DQc2%tG99bbg{wheCOpFA*&2EcT8>jMOk>KKc)E$Ntxi@+z55D&y@jj2;6A^ei zE=7u~d9dj(cKo09y)DszlfDwmzZC2I6PjwhoPWms0`H<+a3qkF?dfYZ&dHupw#G)G zSQX~!j>CSupYzRNoXpTt_NCy}d8lX1D`I2DquPADK;aU=bAAxuVi1B#Y$(umUfP4r zH8E^@Bj9{*k-{i|=?rX8vk>>$peWe+`5qJ$4ZVs|F=om!9qKK-q6EPo zZ2BDyL^7ci2gn{2hdZy*dSnuc&Up<0g(=Q&Y56-FHXw!gITY$RpVUAmGl0Sg zi3BZVoOf$IG8ur*c?|$XJI<#y0Ak2^Fr(>;W;g@8=ZwM5ilI|_CYdj1i%HKUd*ECe z^o&Qv8n(J!2$b5%_wA~Qt8P03!{_V>y2dHhx+bZ$b6wCgj<41;Q8%5NgRX{=d0eBM z+X4tFXeTL#QwVyR2GVlyK$@Mq0}v^LCkdtV;-F`I<2{^Xr3(~VJAXx@JSak58M4KD zhTK*?DSBo%IzO)l>pGtU7z&Sn4n@va3FhcQ90m18ujXMcyiU^#mV zVENZLz14Sc=oG#>PZ3d6@4S_My$ydJ^B?s~kNG%x(yRzPfc5-TaK{FnH>25Ptgp9L z@G#dO`a3n~gRX70%glG)i^6^&NAKc|a)+!r+fTyx*ENU{B%Swhu-?W)dI-CXQ%19|Ux7-QMQOMy+X8sD~?> zc^jJT>Rh#9)ruT^k-h+n72q&s=ZkVf#2dvPKoQ#0u}_g8dZYDueAkw%)12>}%kS_F zTi0%j#LQg2j?*33qdHhYz8}SV=zQUv7!o?-t;d&d>&-^pY9B9xVe|eX1a!8peoufP z9IY#2IJ@CO99`de8Vcu)RjMwpapxNy3$pynRJy^c)r#1GIga%xdbB|e0FHLswW3>Q zb{)hz@1=&E4!MlO7Q|*&ontlpBU&nUu>@5(?&4Fp8^kVAq}2Iu1Yte@PBLwQG25!x zZH%*?eqpBp+cRa>#O7SVn@~k=tvgqo#c2~14zo_ZM(5ou-}!BVwQ&~POO0m77J60X z+d>Q8_{nCw;uc$WyI8L_x*gk}`3RJ?TXHcr=A3im_X)rl3X2uHR;|+~aY5uCag+tmeGod!`9d^RXaQdYtC}aF&D=07coTZ5+p@}bylDmEfeoewZ=+~hX?AI9sto|P zLH<~`1u?OU1l_@uEO_hX&!RfC=zIovVS^U`^VYQOR8-j_!megu*;L0nn_1O>-9b3fj;F#vO zp%Y0*u6l>E)X7IW1@}#KW82vg&@vI?BxVXz@GVrUQ!U<#E7j2W6%0JIvCqH>@cInh z^)^IkC;b<8zK2iFH%RvrKs$rLqe~MqtGe@VKvydS$s3|V`8zKobADDh^o2R?7*$R` z!Rx6G{Frapq3^jX*BhqcI`b_~hLZzoi!Qqe+kF?|C%f78)&<%kHzb|=xx@9=S=~-k zRSFT(OT_*q1Z!MuCakazay-q0TT`w4LP5&tkOBsZI|3a-nII}O6UEY3&QBgLaZG1r|@xyN6uHRt#d z+&lC6X|ax&ma{b-GJd)Ug{^jqMI^7Tuiz`@I4jzi%Qa`?nZ&S*KUu(k9k^|FB=~82 zBiN#Dsx54G0sBep%0e614s1QAe-)gqN23+I@ium|?26Bug9AMuKlgt6pp7J3MVwBr z+m;Kz1cd8VSCcc^%UM-Jkoe+;8V#;&1orK9a z{v*UgT8K%Uu02FT59Wrf1uiQ_vRZ6NphTFRWT5FMa0-OPj+uezlsR{zSXsDxCsv+w z&JjKZ zmQ%}g{cLM)U%QRxEW#mjVu+k%hdn~zkW9zd?dM65>DGpH!k5|=s%RkEvt7t~9SVb@ zPLsE3mJnW@!2Mhswxu%FX?Hs;XpiP65T4K3f)wy0R|OF{$UowX5f`dVYSqT30s$0? zhMyRmcLb#|oLU$gK_&(abO;C|EQ3WUiRdKMo|}#UkO=ioLo_sLpY7F$VQ&pWRO~@i zWhjfdlCAa(7rQbdFl-&_P^$+Ki}gFTO3^|?=+L0hAxF^xqq)T!4um?L(wOEe7!lhr zs;NaPG^eSlZ_lQ3sIxrHD7lof0;jA+$eov+LGFyl)mIy*mj%XTQNALZENT^!^`|#aiW~gI7VRIsp;|uD?tg%(TRztJoGoJ+%31Fe8#!ocTvSXIanRo9Z|k5Kp0 z;@q!r1VT@OaJf;j+Lc_zK2hcAr|A<`yNdO+Ef9bsDi7Si>_ zGe}n?u?7Cy1Xs3z&D(9%tXj6)K|YDHcH z+{^xSz;clw0Vms_hi_}PVF)TneIbS=HFwMHDotH6gq15bVNQmrkE&XEL@qw*@`C#p!yZGhLoOilvx4ee~9Ao_F2! zVWc_TY6t5p+nq)Rm32${lZI2XI0kPce|Y@NCT+m1)nL#$-gw6v{Gc7k-^sZaW7@lNARCoxgWq%e{$!@h+6tv$E|Ql&GP`M)`_ppRm`H6 z?s|fhtR7#4he;^i(D5WxJ{VqMbJsjJm*(p{5>lA*tOS~p6Q6t$LM<1j(ZZt^*i>L` z+hxsK7L&4!K957aE)h>RSGWQV@zvqQc$Wm$U5b~ z*d~|Pdbif8av1?XquHX75hM{v+Y0s^g8vgXWO^=Fs~*S37Hc*uA`j4;w$%kxPusF# zX9bRRhI>HL+zoq!9ZHh5G|gB3V;GM~HET;WlWWlBB+aHjGeWtZuCR=4T<|7=6Syd^ zlx1)=NH6SxgpID%ol>(x+woC=lc*YK;~BGr3Ra32M%RV=uE$OQo*ujYeq~C?%;awD zpN`er-F*Ljx%(#X+bJX7bG)@J8wpTsf}X8To`;?2a0?cR^Klg7T#Hs|%6(O4C&oZP8}&{V9?Wf(fDpi$qR zBAb#3(tv+920V2-MAm$pLm2S|$R%c+3B&m~EhaMa zOi+#0~PC&mM-toGvuk0@C-v7Y;>w)K>*jLRlHrMI-K8sfu_u4 zT9eRv-5R4S6+=hR^-Qo{&tDS1(`R$}*6RggLXe3F4bIcgLaI!%QR@G&U)4;*wE9{Mq0|= zI_nr{+<#+?`|$ucDaEx*S@vKLjTEm@w+iz{l}SHb0U8X;1o~?9!mK(VD zYz?d#=)o;fUY}9xKNbU?Iwi{b6Gpw(KaOX*9en0k{{c>IDr30y7qXg8_42KMDX`46 zrITjX_A4+viKk&V&KD z$#4nQ_H`r`G5`k%O)uY&Dlbbhwy(*Up%i2Lc642?u}ulUiQ;FLt$j7;C2Z}pm914` zqjGv-O7EDy3rQW9Y-Zm_orIZv6(2a&Xz=jH|g$;Jr1I*`+s5zL#Oi5m{g_8 z$1}*Oe0WLHezu*;)qzu?2jEhUxS(1(6?w8Hn#&Kpg$bMlZ}BynZs{!mLh}}1PZflv zc#D6@V10_W_#wKUMQ=eAKeN2WS2-`?Eutq7Mc+c0=g2xWD%HVr$v8NEWG5+)c z+wR;$T;}KOL+F$2Mo+#pYDzw7Hx(YB#@Ryo4K>wBy&yw-AFSUq;DAsbb~#2{85gUF zNDR8oZX54zVV9FmtYAkA?Ct`)hrLi9=~-W3#|rGl1y(Gu`wPs1c`4&?Tm}E^0-G(c zxdLM|D_M1BHFNOqc!AXltiHe+tjSvJ0oG)_gDC)i1Lip{eJ*+T{PNP#^H*?EjD zu*Cv5x#tRsNAtY43-dPVd(AmKDLJa=WlYGx?wGr)N0kTtD4*P zN2_+F)zB=j{X~2BBkhOVMSsju7hJpLRJ69g201FaQLj3h)jr$yH&S-bsJo@0{D`Yn zJj1r4;`)$2tdE>+7xgiJ$TPgUCcN@*vNW%v)=N!Cb5W^EMN6l&x}nY)b;Db_!%*iP zwb3RDATW5Jwn&`iF85fQw_&)cf@80(Z}G>DSXz6gHK+Oo)$<%< zuH``@B!RU?)uq;sRO+hhA`!obEVaRZjaFOD_+d`1oO84qSl(o1@_tuy+{yc2b@R&)OrFx3wrhB{V`%Q=yy5Asxd{lym~)s+CTfs^ zwqQHwCc(Ws$+?~^t1ZuVTaAY5EOk7TMS)J{6LQIMA)xDyU)7q^*Z4z*Rn-=SzT(}e z|11QezYM)`1OC4e|L?;8yGb~ZFL95C7a>-|nnzdr`_i4M6qy(m!%{LB+nv92_2C(> zt+w=^*C%4>&gj>n57B@@=yN5-e-Ups(wnktpliIABkJSq=)jsaX^x9?hUHExZ}gU$ zXjbWd3tD>Gu)Ogo>6oWE>Rer;)U#)m+m(HL$CW+fiuSseS}!9}bIz-E(3rFBI$q!B zw6t-hs(IX6qVzkF2`^l=(X4A_Pls9PcD*_cVR=M#T&Xn-D`w@MCRvPHKV7Tasz(*i z*cJ%X8tP*2Tn!C9R+&~@&q2vuM~@uc1+Mp;TTq>OcQ-RSlGi3CFV(VaZlHot{i)Lj zZ}4E0)51GPxin42k3O^J6}y&YJsH@UkwjKLz>H))?^?h=p;QR@ z`jCH3hG~{Uk!Qb*d%^DB3q^k&3~vHWWi|R6hykVt>{%0KubcWg5_BULv|f)`A7iX1 z`QDnATgY|RtC;6UWIT@&&z#{=sMdc_)$aN8 z2BLU|Ytp>7zh3mkZGRnJxlOHN)Qn2|l0OEhY}nNnjXKr({zrD^VdW(Z=QhlKwM zqWD-Oih0zHiC zx>A8>s-1beobT=e@1=R>aXIB25-~?WqC+SvqIrCrsAGV4R_MU8oZaq%5G*^Ja-&bm ziLvAFr9dF`7d>_V5jh9hy3ak)mdF#?O?-*qJ5qpVf8h4WifmWfx!2-s@U6eeqv{Loh!YH8jz`f-A zAW0kmq%oM+v0QItt_LeAm6G;WPl4`{w@xO|gaKv4*lkk!QUeMUu4fbOlva@qWr0qZ zAA>$c7%)f^KcV^Xhgc2nlh$H>5`;RCpeK9YL_oYJLR=#!o~_UU@fac4M-yA;N)H%1 zXA8`mJnb(7poWq5@(tM@7aWZM94Dxk`)k1_GHvQ%XyZGBw@taW3{}B{oisvWQv^&jK>CL zepw2}d7JPOX%$_-m=o^=<3U2| zPjyW;BwvuTp4~M8@f?u+>vHlrB(rjmoEAwoB>%RYXPHP6Mw|`Fc@_H)<$TB#I~OGX ziIlz+lJhp<^U^B1Kr$!33`qW(w3dD#nX{1SO+i_^L-N%bp;jp*9_E=sEDj%IC-Yy@ z7Ii`6|3slYXgo3`bH#eLeh0*RqVctI;@L_Y5RcJ#En=UzbkZ2Z-o>KYC9hEEv~Jj& zMi^GbvWI*(fRmh`$a$rCSl&39G;=|~JyQBo2*}%nv(hTMKmaG+2?0YaY%#Q%;3?LF zbJBYH0RhfLKOis~hE{UR@9c`J_V6`BEDzGpxCOr|Z-H!m@B)g$^kV}W=AoUTw8F=@ zvbRYq>w+-6n%olUo$+xjs0NXhVZfhI=%7lm$B4>C;8oi%P-q^)gAhpD?uZ`rhouof z%)Iqsf3()B*IB%n{-|Fldv>LaP&ChNn;$1xJo;;hJ7TFp9*Pz^qVMEcZ;$>^#6jvF3K?At$40vFKaGYJF7ri!gK+x8IK zt(6f(ry(#G8$E=;i$UtH5HUKYA)iaoidTtf$HYFwS|s-f450?2ig-SwdNbnt5Y5c2 z%0IE98yP4%+x!b+Zo5hC^+%y5b{%TkW?|1j*l{6foaGUt+04(OP`qSIiW;?lN|5C@ zr0t(dx8M9b;s%YsrEPv0Kh1x@KM7{duOKa8^W2ZnK7@89btEYdSW+a9{X)6#fpbxg zo%*m}B98<4^@p|1H{ITX`w~tyeMlCNJp4LbeH~$EN3JrI5E&M9QeJe%UJOe*~GHjC$ZMAvs;;%P-a?(G;~|x2V2=7W|T;sTEzR8rW9HoK?|U+=u-(*5VZYEtN|6m#W=eDjWl`h)JSY zHEIl!y_{sniRyR<(ZJ^+&K?`;Ab@%qUs1L-FG$aq#mAe6m(}gRz`Okw_=D~S)G9^6 zXen8Qh*V_s8h>-hrq*ccs%y9+qwyl?HsGijLT%0_NXO`trJWCOHt%I@cF!t)9P*%a ziZs_2n{}gNc!)HQV$@Tgi{@)VyYp-Dq8OOY#+O0_w*Dxrh62$|E<5u!i$o>j$uX?iZr;|T zqsir{GdU;jkX$!+6-llwZ8Wy;A>vPdiG78SX11 zPwRyN$G8WQJmvB$U+IA)%l0d?cjBWgn(zyqN;C{&ej)TFf|D?;W(%J{j-xIqyJmMO zhO2mvrjoZ%U8RBTJ;nr^$D}#WaDI{(D!O*fLr}x+!h+%HimR(lO(|OCz?Wbi(kio} zntPUifyF*dUagA592PO#s8tPiqF9VO$d1m(jhdKwMqOo7T@Z{{}3-5X%a3;Iz7aD6~%}L5Kmmm4%9-6ak zKjPm-fy7FY#d>Cbl~8;h^CTw>%V@M33fupw&~zNFmC;I8-F7ljR2roG{bgBBfSuoE z?N4DRCFjS^Am%gx_EebbhS5%9-62sJNf%IPwZ^iWK)VNea=GM0&l~$`U?6!Zdd6P{ zfo$W1Snm(?Q~Ul^6z^>-EZ&)Z8kk4C@kfCeK$}R71zqlkk29+%Xf>~(lddUc-Wjeb zBhPg`5Gxi{vT!ae{?2M(vAUQKi`B*DV{!NB$HD|Fxe6<`HiKbpwBw zNR0vJfBWI%2dgOPALbQw5{pyjoq@#}d9FJlN32*>$-=p?_^mxewfu3h&SQv`A{Kdt zIeHc($%n)2%txAJZ(u$GlM{*Hv66DanAh2ygoX(dtcnNcLhiy!_%2$7+=Zp^U6}*t zFk(4StMD-v(#>O?Aln`6sO14*??s`ErDRIZ57=?&Fcyv}j5ucMSb~t8sbKZ=PR3OC ztXBfo$3eRXSaX@=1Z%aQ1_n}>f^|H<&=G{2OpZnE^uvk0ilX-NiaLoWDecR^lZ-s~ zomjT{VL|}$Czy>G$13TQFhZJ`fEnTehKL6-C@NWHE)<&RA>b4W$*Jz6HLLArDaYLL zIL}HkLb5|xiGi2!tk>kAx|L@Qqo(wo!GW?kSITM4;lx`pqNH#t40?>CpM<1Xcb{37 z?tX%D$B|q5PIC)!b=~ppEC^~ejJXt8nO%c9sUvzzwUoPB_PBDFX4h)U$+~8^?zr+x zE#=-8;&2gkdmKk&BhxRIlm|7#Lg3Q8=1do^M=bA=_{3-mKstd4CC5@`G=%2X@yDYB zq}|f>g_Dk5(J*gq&AXJ3R$2GojM?#HbWkx)MP_FTvv_1452_%<_5^~Ma6-0nx28H4 zN=`gr*Kty~a_iob@|qKOpDIBq=f{<)z58x06&|`v^AvtaHOkUiUdln;^P2AT z8s|&MJgLsPllyMnd!V%U=38F=@}j&ksrO^L5escg0q7RnRS~w69J0-AGhy^%? zT%|6WH#G%tT@C~i+U>ms+ZLK7<-pV}2x2<0e@YI13kwUSid(AKj-}P>C9T?;d?RL~ z7p=)A7AA2WfVe%ws5I((Zz)xrO3BgA?=Lm0H31~e=LMnp15=^);aBXnHWVQI+;J@d zI*y@G0v%^}{IpY;Uo3U$ln6bac`>W5pgG$Unq&TpsBRC*Fmff7Jk;h4@Qbzkh6Im& zVX658G|Yc>h@)4^yok3X!{y=a%K(qu`~VrY6F#-hiL9zB{EeIBtJ2m!%t!~+J4 zp{H^1NnF!H(SXR4{NsumC5B6)vM$RkX~48f zhADWQdlTy1>2W?J^Ef|NCLG$T)ODRsH1-Ny*W;n<`mvFM=mV)&m*)d-g3ID4CHTN$ zOrHqf9JHG-^nnBPO7_h`1k*n7lj3-01QT<*jcdMwx$EdT9&9Y-?lD5!)C7<|j@h5} znEk;PCr`yLH`OU41_f6eY2t)bu#vCpHCux$zrXp+>>Kty{D!HA!@o@AZzdMwwqnEM zhp*^jqE)?XY4U-rW`}Ss5w7m?w*{Bd;Z~`V@Vf195uVBrVdqtH?=RrLGVa_hUV(D3*Gy5Tw24e0OPxj{`(2r4ZqMC?(scEtvBfB!*+ za77$y|8rJ*_rVG2%V#P3cJo=5)%-L3>4cR|i(W4RZs=}16Jwt{vaXYTIU~U){}-9h zV{#ruLuJO6lC!)cKf}A^Q@l(5IMpS^p563F1a9m=m@5EXD$fCT7GS!B|Ih3>a~gjF z=Zar~cg0gTyuD|ISz^j(eo+vPSt5Po@H$9*3zoE3s)|MPtDut)SjT(xHJjYe2G(g5 zy#io0ze7wO>K{>=OkT`rT4b^Zn%S-IHOC%%h8qL>%$a&b+|w3YMw_y z75G*Ke)EgbYnVjGL^4jj8h(JTAQR3r*)-#i&1)963(|#cc&K8&-1TtzGalCQYH$#a zbq%UC`UkQ?$CqQp&WGG29kO)ddBD>(6KW^$zYU$GvHFY<8@}RQ!Uj;*Pc8ame4I zE#fmAP4QZ8oH|t1=34Whw~+?^bcrbFYPjAVP4{qmoJM@NFZvtVUaT@sBC{z*1t;*e zyxPQV6YRjh9i1=Bn&V)89qSR*y5>O0#464L^f%cp4@(9Dl_5r@?e9#yNsus~CwBc;SrFV3`NEG%rQyW|e3U_xm>u6Kk-%wYr`Ib7bLE=?BU!~!O)2khed z#Aa}LH)VlzEtk4KPHMVZt7?~Vy)|-e#>pzStMO0Zpd{0h3NFsWiVN4zP35ZL(!2{A z5^y;ZT7y3BuSa8C=s#O01G zCM*Yc6JErfU-4Ci<+_b<0WR8|6&=TTRnYO=-XLWrLgYS&8Kp~54IA5(J;>$V_?`yP~o=b68Ve3RMb{z;8OY55M=*Z#uJ1ZLtxz zf!SXW9igK9chUTPK!N!o`ezsj%K~4_L-dQ5WX<#RizcR9{uq@a_eeB&xl63fMV9{} z%X_hCw*?+};3BQKNbCxN2rGp41+mEs;tdH9k9>bs zU#ib-X6yu!)mj>#zEu77*I$4Am#_c2GxiHV^VA9ckIjX?X}NoKt=V+FrV%D=vgzq@ z+i;`gjb!n)>V@3PVU%H%7Z*(4g(byxd zj@0LiiQs+Q*T89%nDcB(&8KFLu<>+88*J3ETqD_t8yc%ID#Z-<|9@!q*+er zjuwV^i0d&|Ym2MNX6zR?4Nbol7%gfOvx!LCp;w7HXPz~u&4%U*WIQT1ls<#azR-+zsU8KhMwa?Yp&}Fy_Wc6t2fp^5ka5Vlyh7-=PuTi z^^8?D^fldBQ}QOtxr-MealVVrurb~vNmU%uxFYl`mqtEkK}a5VNDSDqtsGv#HRMz&KjQwECyG~VAn{f@3ZK8Io%PzeqTF6Xwz~@ z<;!bY_xIOm-#|&-9mQ+)Qos&#({W3iV~Fe6v{+79O4`_&bu`D=gFUpmo{72l%R=&A zf5}(bN$BkorpHHQGsFO2dwy@o@-}Vr774dq2-kFS)~7h@oqW%hWtDN<`MBWqwL!d2 z60d^MNgA#{k6-A?<7v(#%r&Hoedbs&Op=hF{$O^em}F)a^3mjxmc>ZY{_ooNr47$X z(thXbL#9UUl=LW(%;YO>3aP%`U#e`#?cRHDLVUl>HS$3&G8)j2T|J7q$B?How3ZEu zt761I95kZeJ>u8W5nmJm0aU(^8TopD!sgAMMuaBvR!;V@qX<2h_q1=gP3&uR4}Mpg zcIvcXC^Bk+0$nX)^yl zU^0K!C2U$lBKwaS*<4B^@Np8^{~18GkBrRkNCHZ|Q%OX8hyju@|Lq7;sO3_q73|tG zLnlrQ;JCja4pV0P>|n~h^|`l*Co>BoF}^sM{1HTLzF!jZT&jopSobUNo@!@b7|eHn zfp=@(7>}bQnOqr6`v@|zCqSYkmUNK&6^01EOvFvw62t0XhWiUc+TFeNx_z&d57q0J z2U9+dUQeWsP?E^OVCwg@gfpcudyt7ek|F86ly44Zyzf$W#K6DPWqC7yedxmc(O?dG zFN}x;=JQCv^O2(Fs(_-}aSd^QQX%!3*GUk46DL0LR-zV8K*8X}R7UWz?R{14!T z?SIK9+OfWp0%tMzFF_)206yrO3}p>}9u3pXCkxIc>gyV%*8m+5&?T%w;WT0mpeacy z(r4oX!wGHx&2cu_iXDf?q2}wXqDG#sBHE3@#2y>Q8ovIs2x9otv<-zGm&^sh7x;XN zoGOnpMc$)(ZX}~ZGORO2ar920`KF|Go3j|_x)sI%Gk(elmB=)dOCAC?f_OAXc|O)$ z07rOOpdHHPAn*dEdT9x`&msW^)GO4X)Reph#tvYj5d9SiB2lzZ(UgW3D7uLmR$8Fo z2VR3CNMU5@azDt<09aLd!7vmNb*Ey)h5SfZ(Yk_@4Fet1RX(LSX8TRR87$r$}y0m$Uoo;zv1c1^|N#H=50P;&- zca%(8=68oyBwEjq0!cfg&_hDaSKw$nvEng|U^S6JTg_Eu)Uc!6_1I6+te}#YiK3V! zn}nVBoL!@taPaNS=ELyE-G=OYrZqRMML^WK%2J5Yu_Pq*IgBIs|)1`3! zQ>@am45z7fpm8a7fDbzSwWKlP4SnlLdv-!$l^@Fxz8nyf9~IN^Q#Q;6VR{P%>(nfo zhD)u_+PCOO1TnNzaxNNPbH9sA`xIJda0vTN!swJLzz_uvpBrnaR}GGz$B%0S?JG-5 z%0}F77y)@~-XRVV6EyZEr;f)ieL$!@+mgtj9o%_~@3BbH+Fncpr9>#iFf`pn3w(Ox z0Z!H3Td67T-fB&$*X#JQK%*^YE))P}>Q7We2%ftmO^yvh8|{N*iSc;!d-hE&$th=FAxK-3y*Tv7UHts#=~5_MoFtOODb*(UH?<+-qV=& z()Dz<>7wKjiP(DOQ71D!&PFaC6r=y`y^Q`1bQ%~rNEoX9$7sxj*WuFp$od^LxBmqH z9Z$r=wOqh-SxoSKkor)>dr~qEnS@Kv3LgIRUU>Kqbo#J_{NJE`Bq0;#wJ1rmYu5v4 zSKhnxhAiTPRa#@=ga&;ZrKXl>+ByQ& zrf8bE<;)+#xs3;L1DTad_5^^`%FX0E|NUs(s0g?V3$550X!AC`2m{NbVaybrwC}=L> z5oyq?08_Z+wUJrFw<9|xjG=n@(xvN*%I8sh5t^P4R#(rjuGT9zpD`ju6k?zo0aePn z8AX1$w!Ewbd)98<3wDH;bwx@!Z=#Pkkdhi_&Rll zrAYg;$6BeU#Y%k!KXIcJ;cU)-Z$Y{jBwdd)?A!ODtMA?U@`t6Z@7;Oxe)Uzd-Pb#G z2}Xqcba&#nem_c{squW*Mv+*#*}=+yux*ql5v&I}j!(pam9WQ-vID99#QsUKLr4^d zS?O|egi`nZi=eSSN*m<@^1T(X4|2W!FvTLuP zO&&H*Jja2=+?eP0g(d$2(L8eS*k#Gh8uGqrm~jN_k=BSEEl_pOLFteodzLii>stvn z%Gm>`OguH#avMe_tpC<{Q1yI;nr53Tw9lF>n@`F2Nh=QOj;+2 zimkfzI$`tDoeJ@lsv9>SfyJ%hpQ>7}6{%|V24!*Ei;iS>P&0}q1-wk)ItQE=DSr`Axb0DrTtb9ppqdly0sksJh>Cm` zR%onKb~(f_9_<8P>`ReFfiX-#QIDyoljw5WYDQ*qr9#%=_k?QxHh!@8ejh*C-aAa= zB}zZhMTt+TC+a}Hex@3x9N3X3s7~51g=g)Be5C&Pzo?S{EB~Go@4uk5G5?O5pS8cqo7(T- zCsRDJ#Y<5#o0d&;7Ri(!7QT0Cw9NisMg;pGCEv#va2%5yghF)5c<>_rjaZJq7R&LC zuH~p6xI#B(NV;Jj)ta1J!u-h=Mqw9Se#wU+&7`ZHrHFDl5e5>{At=Qqmgh zQk2Wavyuw_wPgZfu=u?4HdYMB`fwyex}R{7#L-!=12&yriqzwP&AFZ~ioNJW9Q!bW$Zh#J3a_hxlGXQ9*%`^gQy{)%qODVsOHYhOR&=Bf{8m zumWe*`fF`|u+OYf-yt@u#{nGyRPzIW)7cYo@Q+P~Mik+TElxkqQ*{?V&e+0NRTR9T zUSa$?RSrrYF6TDb)Q;h%b(XkkqE-u8blXohaAb#{l*AWv_ZDs|>1`Z1xSOFeJUS>y zZ&8Xz7FH_3DBfHdVl#A*5{0ko9>LA!G6@&QzXWDc=GX%Y};)&rH{E14HS1Pag z0lye7?T{W`++foIP8*`!(J^)bJzp7S6;nfLWO_Ts=8ZkT6qrgBhsD#erqPIZKyQ{x zaOl7V=o(rZPo|;(C)J4W$;PO~ zBQ{JGFf&aY8&q?xgJAgspejay(numW$DcsDZb-{tJn};$Zh9(C*P+!Zd{6a411Lbz zlWU2NdRKhJpgLgCQUT8pG=+(zTux-W!K|@qOa^6=I3Ee<2hC^FW-5if{K)GWy22nh zwn}ZVHbkw7B|nLy!TBvzbe^^pGzZ4i#1?3ycI2QX4_tGNKkA1ABhijM~mJG!{MpyNJU>lWYMx*;cb}Tg3?JvC0E>D%{7J$r1&l>jf)Cn)$vfiDnz?LHLIGAstW54)_6U zerh_k0|(F^Pq*9_bRaVfr^!@=aigQ1)h6Y|QB|=U>74Ve1UiHIl_s|EK3FgfoM1X& z59w%iOEqxf$x(3@oT_ZW-(5DJp5}(KIxS(-4%mp{?$UW_s?s8Jg8d6sggddYIU=B- zbS{c3&ODfcYDF-qP#b(Kr(@OZbm=MKn*1@SwelMP>D!4-MP^#aa}PR+jlL7qLR?qv zuVKgAzf1r9Gz=++;$t>NEy&aHBiy{r0e^otHb0JY%)A5K*t&U{BlLU_-dBM8Y(`#i zB4VE&J8`1mW(FmRe6Nr~aHeKxmuJ1i#N{WV9ZpL_UD^#m>!qd-c09~mPszP+$0s;p_B8KCfUx^%#c5i8}*^k-F zdoM}JGGHJAsJlBmbLPzXo-=3OnEJa6_{y{`APP6 zcI}(l>sgb}MaF&{q>;%oehxiM+wrW3`Poj!7pZ&VcyTKqKNB-EaRR>_Zco|M_RLP! zwCDI#;v^nZKJjZlOH9LSg%OJ}sX;?qFEP(C+K%TWhcB@%zQhEOfB?qi%j|%VJIm0w zGP#oJ&;Z^^W-swMy$hSS#p}2J z;;BFT%=$|#3}Pn^A_8Q3Jv?D>8wN3;u`$4q34(#J~iS@c}q)8B`y`B*r z)?Rd#tm~&Hbt{TNqenN#)3$w%PdUED4iu(Ie%c=eP3*_OlgIJ*G5lS{-!-BSNK6aB z+MA%P<9ESx{?tIOYE3~*&GEGX=v_M#m+k4TBr{U`6ZTp~<}LeCFcZs|gm|0BR?)j7aq2J%ZMW5a7TMayMFzekZVHYf2DRZAN;XmM=+cn zO@1DNy@oZ58TkSsAOu3ZGnEOpYwr@pdlkiPuS9)Lpx%%7<$(k&5Fhfj!u*?~FrOvN zCEBwz`EZQCF%aWR0%Mqb&>E`fIk0L9$v59eEtU%|Oi4MVI^9#sbc(S!W+ZCXLBJ*B zAoxZ$O7G{uTnV?Jy3$fn`uoEv&By%XD*G--`i_vM-@qBo&@WUD?=1F*Ba3 z8UK0IjN$Pa-^*uwS%w`@iXqnL$HM{JuMD(3w2;3q!T#xK$X`-^K4iWHJD?xHpDWAG zy&&wX0H-Yce@5V^`pG!}w1S@D_!%D$58*h`0CxgsIT5to41pKkji}3#jL)lnCgbPv zDGr(GbR07~;&ZTAy}(Mz(LOZ5l#o$9+>nl7i*)>_AohQODnBTxGIpor;vHo%zZtQZ ze>+BO;vs?kSpl}B(ga+i0`|8fzz(62{d0vtxl^l=NK7$;GWM@eL50(@p@ zK8sw>?<+h`1R|>BIvOUX59ZDISqwp9V7J;eb4YxR$mc+C{DvLh!Q=<20eK-4Je^-1TXCV zU%Aje{we}oMCIQDMczhQV(1>K==itjm~WVh@Lhp^!=U{-k{Jl-GTxvN8?gp*Hd$>i zz^6xs6T$%6(|op*dY*_#?KgQtPXbd%@SDV$J2eg-zWHqgF`_l^L!rmB_KL&{c>Xy# zRS{*%osk*%iJE&-lSgwDR(B&Kv=ynl-2n-eJ&0yG)Tc)Yg~VoBY(i9N3m27%Buz=E zXq_O^!YF8qbW@x-rrHrCV90DWUbdaM1ia_ODKau&XR(-|h`u#5*n>`VnbwKet10u% zLjgQy)a+?xKMxIFtQo$gglW9Ez%Q9J9D)Ap_$V!HtnTC~GYWJX)?ni0Rqnpz; z5y#0!qvJ5o();pM`3@R~C*rf>`{WloSII~Ar-m9Y7P+suh-%cPY8e}6TE^4Vd)fUo z{YY1S4lcaJq8(U=$FQtx@HjNM5cXJWl5|7RojhN@s^!tt2Ia@KwKeUFdA?oCoo8Yj ziAF9hjp4~iNyw8G$}bXBq~X-4`2DClRw}$XEO`f^0+RNCq-~|W7Z0z-8lpmxiq>)! zhG9VtrfyOsCUSg4MVAm;s63CT@)nfFg}6bRfxxxT%I`px}vsJ z4E)lW82ClWz!&fX#$Dm#T2l#isabV3$C5ec_{9QY)(dSTc48G}k%q~Ut!I5)w-5Aa zFJ?Gn83v8oaHxcL zzk$wzlBXm5JLvAdiU01p-=as_F1T;uztJQfUo8ntkJSQyKtmq{dCx1hsGxAIt-|3a z_kzQ}W6*;l@_z#MsfbJor)vr|kC^~uxwT)s@wQ6w0e$}WgS6AXc;lT9&Qe!Q?q9aD zweC9yF9Y#q_X{U5nYunl(j&d|eUbf$(l%m3)pF0g zAOh+#SSa7C<^P`Gom$U+*FU?xioj=HZ1^uGMmzP4NH+sGJ{)BznB+0f&{@ho;VNtBw%+_f4FN}<0^BJ&9;GEMwov$=|&!l|Dmi3+5z9fJhq zrjmi-FyTEB1^WXRG)46@Cxp;E+`xezGItxV6uj1M3^@23T#zuNwSaWoOoxMY8z;aV^ljD?aZVk)ItM z3#w{|RnNU&f+7lZeu_-fhtI-pj)A)`3hqLT7HWo4ktOP(%F-#^{fc`?gHZB=8D0=G z4BxzvsBKdBW%oJJ)%|Py)U8i#@66{_BVI(L^~TCwf0sZHRRy*9hY-orh96R9en-&n z45S{-%fBMhExXSOsP5+y40W9sH2z#!un8 z@kqWKKXBdyP4}$_f|(FT_p1t}+WOht`z7Czt?J`o!r%N<|WAs45Ag^->xs z_h&Rn+Sq>*Q=dxl|3P#;QFC`bfN=K;f55X;Uf@@K1RhPQoWOrl5%`y9CGcnt)-3Dj zuAe0&mR%W`5AVt+X%CR0U>#oU2|4ER0Z8-9%GOEqkZYAYj{a&2_b~}$WdID-Y34`n z?y~G&Z8=>@J#6EKBTcwA#0FU&gBQo*{bQOkx0YAD^_|ie;h{*s%^;E$^@Hx?ldwyo zXjXZj@o|nsrTj;HK7W)ujU#@+5AvgTx`lzw2bCw-H-%QxjfFgIP%WmoeLV#iJO(%J}q`sj5Rsa$nfub6w`=H86OwaCjIe zMlZ~^P;f2o%HSNw-^FVqe@!C~Zwpi+L6<}5E6OA&_T!g2L6D&ApDAB9$M^zWr9n}W zet?~JFGI^Bolb_xnDpp|P7HX|W0 z@N3ddmn}XG{pp~j1{85Dx_8rY4l-28ERx01t0q3~K%y2b+yv1}sRLm}15Tn?fgko@%6!5)-vZj<`xhuyh=3Q*H$d$+4U% zw838G^H>aOUvT{e$KL3^kayE5q7>JhuFw-EL5&La0dEMJ1(u)3<*@P1<8SF zwV?t%oWQ(r@hV>oS*X*o3=|RP(3k{u)gj~^xRYk^kJw2P#vAMFXpV6K11I}_D~P)5 z8NWypF^bJ8^F=w*yCzp1^ec4rHJ( z4424M#A&;)pVK4Z#qA@hjdZtdH-pUd+RTCq9|8rNp}PEtUpCQeS7)e3_jKF_q)T_e z?=D};@AE-ey^geLM|^_$dvr&R&q{Lw{e>vPxu8A?f+uU%h2Sg!DTr1gDk>mmxDoey z#xK=cDcvZV0j*QMP-2BH+@bpnHOgoAN$9w{j{jmlN6qBlsFV0`6x)yCR+{(@uXV%z zT*?8Z+fXkGSj8&jSY*8U2Yf10jKTO9{`W6PJ#dc literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPBeta.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPBeta.doctree new file mode 100644 index 0000000000000000000000000000000000000000..0472f5d5eabe9fe3e6c335cf766df16badd7909d GIT binary patch literal 146017 zcmeIb3!EHBbuX;vN?OT!*jP5mvKt%QBe7ap@&kJ@3bt$sBTE*tO=Ki9+dI>{GoyKV zdPdUPIOdIQCO<+v4o?F&B)JfSlaPdugoN-2@R5Y@3IPH)H^CtZgzK9G!XuX(zW+H@ z-BsPwUEMvi3!Z%8_rsd)t~yn99{)OZs`}JRS3bOC$hV&FNTt@>WO}iHEr~&-79VCuF3nuC@t@f$=)C8uBevlPVZ1>#_o>W?RKj? z(`jSWG|J`WqDv!MRjAsoi--8VvToPJuhqp)Q~fbx7f!UCSt`@%u4>zJ^r~0dP})*j zS30k>ytK9Z;LcjTy|b|McGqdSJ8!@KifgXgdBkZp+;Y3oDm(7ZxpKSInc0ECmuFfw zv24d|3uI0;S|@g*_wG*7>z#SK({8w(TFq|F2mZ(_rtOSl<7CSPL(V_2tTR(u(p_1u z7oF1@|AlBu7k~k!r-R=Y;r|!o|Ci$b+lU$9C-oKs&4G>O`W(d9y-0}2$}y{~a^31{ zew#^PrLjZpp4}-uv$R8T>`>`^$OWBT0X;1A^)ZJx>*-D2ErZ?dPAi~C715_^DVnxY}E3uU29ey?cLQA)^@xH`}0i*wtRZZa@#Fb zyL7HO18uw%@3)^gWw++sZLFEpoekU_yIya!S$gmtag z{k+?>3(l0~7qKqgvj-e!E7{y#$u)XXt-+xKLZ^HV`Fs$B^mdn8!f-Zs@k>#-U8i6N z+M%pKXw^<+MqTkD=djkARLZ%5~9sZu&YEUYOOma4E`(d{+d?QoyRbiCZ$ z_5M_Sdzq+mhGT=sI=*;5Vqi>GFD*UeK-PmI2 zhF_lrL+FwZvv^Zqbx$iI-YCYuJ)ZI1rS*QJdjuSQ6D#Obn5)#4W~W|gclzLE>6F(4 z{8BCcrm4kde~XXF7H<8@)!^&$cEX&|j8 zB{>&u#!QUDYEWM=w5`uoYd{X*ZkOx5?y}}QCNDf_&o?n)NkoMwgC_uSr`;2+bl2jE z+jI)$*>a)xKz9vbrPe5RXqMa52L^<6^HTzy50RaI4*dHxoQWVz{(2unJjo{V`JWAA zjpy@{?j~Ph8che@M5CoKw!8E>zP3C^F}6ZZV0?SsrHy`t`Hz$eQ`umoZP1xD-LZ0= zy)+F*mhIZ@jevgox>32n*bHIqtlg=$^C#_U#|aLndzRa2HXE&W-i2q?zN^z9Pw)YV zwX&6{vMt6>fF4x80RVX@;>eT-Y0D{|hzhYmB2VMe1MWN>oBW zf5Y!*G=^06n~8t0Pq_gi9`PjouH0@W9;xCU@hCL;yf>N{@Tkn08;rq^(%&lZC_SDD zHcI~(0TPu0Gd~SZc%w~Z<;%9^2xe;dMshm9==?rw71>)SZ9CNIx1LB=O4m zsO$HC`L5kpdnUubm6bedY@@P0JcdL-kR2EV6P9ilozxgFpTJSyt^wK~n>!uL_z$CA z-$bNow+XJ|S3P}jwU%5XxkU2V9(bnM|25-CVnFK4Jd9+J`j(k^G)PI}iI(*PGx2E4 zlEgKT!rDZzC<3JDonqDaGSft?FAx}tq?2O;DWY%iZK6SH4BhC{q3FpZEi0d49+{Dq znyp0pFT0Jz<3TEI=bvk&9|KZ?co3vkdr<_>WYhzt1c!{R4FXr9D}%t*YA@I!0YHgj z*>)ed=%?!boVok4z*RuKz*1pMgjqaRd4H;wI>we_fJHQunit6hUk|@eMmfACx>o60 zn?h*_Dq;=S>yFbRyD?KiWV9Dp?{~)xi;dFbrLpen*-o{}>(SCHy5sqFqmai6x9#>S zZzMLn;?+IGI_aq_L#vX#rLCe%=;Cw9!3Te_?BXRtp;2$^!CgH%yN1@zb1l1B(iRU# zA4fa;5AUFutkrU~aHWM6f2mQlW*aTM@WQti7OYOIja68C-qK5VD0*nMOOAEQsaAKK zs5eg4EvBlM5;VtWTaB7!@k)zUX1x9lP(#eI(5TIn5eY=()H;P=s%2aI?G9qdcHL^W z8U=)tt=#^@+blmMU^#BPT;m#(j9ZSFqdsX?%R|5=q?gYaJo0V{T2&YW#D+K6vE*lU<|5W>VBkhU&gL2Bh8_0nA$ zt;a&N)Y6AGT6SS69^PtLi5AMmUUvmvUxwffqPvV~-RBIo0YV|^%6q6cTPifb?rIoO zqk7UQ_BgD%xqIJF+153#g(XmVFM8~+byg56_}tdRAfGUDdv`y#D}P9=AXe|{RsIOS zD<8&xLaeHM1kWUsE>49;hM~|_9$}TPKI?<%OH z^KI@vEglxNHj;QBr|D0`_Kh_C@)+J%K7?wiI6py?Sz6f6FdhKB$MB_>YxR~ckK;9s z=Zcu|urBRRr%RvyPc^Y4q%2p)C`)?fUplFcH_Tqm-wsVCG~Qn(yWHA+((OP( z25*;;(V3~d6F)tGKl(orc-X%EAW+gFFBMJ-Jk-L8xmKf7FHUXWZr$v(J&$iTe@AY9 z+cdeGn4Z~T3V5UdjTw8UTqReu-z7cFE~(fG@!ax24c%EH*GnSx9n+KJS|^UT?M{B) zI!+Fz^gv~QY)h^Jth+jP9S20}KXvCV;U9V27=rlT-p@J1W;IUN?xGs)fuhB)=m4CSU+tBeAM z{Q?;F;vb$aSF)OEs*S8@{fdsX^LX}Z>9 z^T5~mHsOtV=^a|-+EBwC6LzN2Gk4~xo>KN%q}RDkea5O0zi+6{?)PLfq}6L3GLQD0 z;Ank(@W#3!1RNUS*AF$)vmy{kBW~`sXDJe^yv~k^zcn)N9IB5i8Pzm$>3SvM((je{ zTO;$kL-p#2rz5nqUl<(L`eq)YHzUL%wm0Z=<4R~veR3!^tkWk4jcVTjLMy*GZ~ZH= zy&(tesyGL1BdSHNKByo1x^EpVj{V6?1!2SeP2-DIuBXnPe_%Y|0%0y3rzP);qO#k@$2~zW25G?@ zjP1J^rW-yKqV2`0*aokCXv&g0Gr^p2^P=XbL8IqJ$o*@cbc(7mI2oSC8j6n?YM`% zkU;Kuq1b4{`WwgxXZz5NO* zqJf*N=+C$O4aDZfp{>NWS}OhfH5f*N6M zxL3WJzjr)KaWTc;+t&cEg8IlxC2WNj?3P%nS`*4Y7{#vphH&qq8^YG0)B}cafahWl z=leWM9YKXKvLcgJ>(rk|_hrk~io2kM7D{j5=vP;e3MY?j&L z!l2>=;NtZjEQDo20CIhK4n97^hz+|I_6^ToJes-p9?#te7Esx3;~uqec#fx=+%7B> z;!5yZ!J1TP@FeV+Z|on1$QF0jdqz-Z0b~EzKC#U%HvE$p9o9^6g@M0Xhz#?g066#J zj7Y>e4sj}Ba{MNWA!BMiWnJH+r35?vWR=Eco47TG0CP#87=H`~+mF zb+&J$n|0T7fwtI|tPCy}&C-!uY`$~?TWo#(O^NYm#&&@){+i4fPyNs_KCs0W?qn8h z&joOT!aB2Mr&`R1z6p~j_3<$uKN^hy`rhmlAIWjK47c-6Gd|xl|dhHC3<~i-?@zE&O(8%-Uwo~h?9t_#MqVM}M zD~FR@+pHZstV0|dqBBw6hpj+7ymaXZ7as!y=(QTB>0F!G1}xW`9UOzAPfU3^g40*w zssy@r6^oEY69?kTcRNMz{1ZO1#g-vHA*$y4H>e`Mc9ScVh&M_aFUlm1qe2?D;U9*$ zWmZnJdU~wyMU}#btCw^)dIN~sdRHH!g}*ba+!Z2iw)KYSW|g}cUsOM^Ext;lFV39P z&1$(&ZsUtH|0A{FcP14Vgo7uz@7KRhXUDl2zreeL#t877Ue|Ak`e zduZ&OnLvC+9Uku?D3owS8G=lg zfg1h~NS;~k;JZBhK0BbtI<0~2;Eb^#p?KvcMoT*wM+af+0aWUpC>V zo}izK>g|pUoo%$i{HD(}xgOUd0G;E4{;jxTJ&QWBs#fBuU_K?prw5D58xh)_H(Xzs>$xl{2)2ZoRzf^Y(a2!^DDkPWMXY>Mx) zHaf|2BZRE>)X9^%dY}Yu4bu8nR9X~Q?m`e=NZwvO$mr7WcHDR6F7vpnKT`a?X^q}k-1AIHL*`x1 zj@|6n-R#({Ivoo`9wQtHqbR2b%-0p|n&-gAfb+7d%({T61%4_nyfl;MNGN^@Yfc{& z)8q6|ypjj)>9zbzb?o5~u~dNdi`=pJq65S68$dV#G6Yjn!tr|t8J%SN@NoR0L0bRd zV)6FF3(VWU9AtE9ck#KVS*Crdn`W)sS{)qaMdR#q&z6y?*0N99NRmLi z`FiQ`I~pAvlLHajvuYweFUZl?{Fo#zq@GV*cHxBlwF|$HQh1V%4vWNo^GrWL53Tc1 zMDu$O-_A2k{CFal0joW}dG?_mC^4VEIyh6rBR0uS&N@#+rHH*RdYpdNSq=tyJ>%c1 zQAg^P5tDFjrDJCg&t5KxW6J`@5BL8|P3GR*YAQoq!rr{a|YyDfKbeQyL&R z2*si}9>W2>vOPzEK-w!=3b_-dekiZCsW?JRb>?^eSYk6!b?8Qlb$2~!x%_GGW zXY8kMsKoZdcwdSs-D`;S6UM|yJk#_3R2=_CNLSMgOj*e*vW*>2>jn!XJ4*+ql2 zZlThm1PU((;f3Vwvj-Vn8r}xhpjUb}6?&>n>*hiFanoXP`A}Lehi9`stB#n>BFa2? z>yrldj2D)sow8e^FI-MJ$o!#BfVoJ{?zoXNMIe)|#E!r-#l%-+Qf#@d zypI*TZ_c2{>E{f?y7G-7La7k-VeV9X(ShfSH-m5jrU{0moG*TJkkLt&4?kagWRTWB zv{=0T*aGwRD}#(K4R3KVf?WT2mh8Tof zw#sXrkP@oZnZXB3+Q$Oj@grW^P4&ft_DHezit!+Z$Kxq=cQ=(*dB{{^iR<~pht*!z zPrWPOc%I#`Zbizf3F|f_=e?nf?7xWL9&{Xh=3pJbw-9`G`7m7rWbLaW@9Na}g*WJV z#JmrkX*ESVdMat~|> z>5JaC4lr6oLDDJ|;v_?;l(ubrG$da7u7|$h=*xwB^Fr#Or)it|bX)7%OsH$|Hs4)A z&MvMr>L&-(ab|IHve&(05ToJry3<0biB(BJ8O$EA7a$}|L4h_WhxF3}cVTO`cO7A_ z@&P)N{{#BZ<@nmK^4s(++j#&~Cz#CWdg_p$Er(k1;MV{0t+E$oyzf7bo`G$!7dEQ+ z(yKP#A~181M*8H0bqI-xu?|x>ADVxyRJ~^h?5EkD2c@9 zxG<3cuIM;TtLhzR5FfXCAc!TyLg3%kgW%uQm+d?uhq&u%TmK!x!OBe>=(_(BLgOR^;t9dW%0C!PH363kqMSouDb!Qbl!ro^Qn7XQ zx-C0^CM$9(Abm@yUjqSYr3EV81kc0VVI53~SJ}Yyd4M@#RvMUo5m>2#DWw9Jce_?T zORr40Ndyycb2m(uTtCkbgm36nYw#1x)swchuUsuP1ZoD|!f{kxbCL@7=nXYQ33yCSnQiDf#lK&#V5P9F=U*Z#g4^%zRlJ13Q;ra=>$rtxW;6(6+ z^C`|=%EUA~LG%x4YYWL|j% z0c&;Fvlw9MU(c?klNkcn%RN;MWaIwB)T&8-y#&|aW8DdS&Ukd!e@QBCIS?-?AA!G_ zUCDvIKY2ALs2)zyHMsuMknRQHdH{bnfzenML^!C*(fC5BKSRKDg0CChQ5~L%H`(C% zAkb78rUuWHhf{-Rx-CG$bFQ+MJlx0WKZoGv8a-U1-H+6lqmQ14+g){#Z|m{H2>#!S zzyFe&zmYM7(gbpQu0sF;pWtIN75Cw^@`VQS2q3Yx7D$l!A7ZZ@U%}8oXV<;= z?7r9gm%0CA>Y^Ge^1Hufs2ipi^q%#pYc8LCB(T_iM$&zvWFOMtD%k6wVcdRc>#Dq0DIe91Ynj&6;<6fNt_7;%0 z2z%doaj{g6)_oI}_ygsxD;DYO9KtEpqI~M-*zB~hrftiof{KIe9Z0W}M`)(z=1?EB z=|-g7Y@LYVCogsCl+d@+ayffC(Zhv1n10>PjA+=(A>C)o!JX}OOyWrIKFJ+GbGdEX zC_N+1{q(QvRAxfZ;Omd6-b2enmq4YkU(8bVEUX5A|;3Asdp zmVrDT`r)P^u#`)o*&*@=F#y3X zu->T}xJ2h7aPpD*h7**zW8!2c@g*CL{Y<0S=sHRd5~*L#!5sd9?cvqZ_zCJ1>kQC$5kH1<#m>CE}f*JI)e?i0R;dq;;x=f0k4;R%7jTSDB z264e5am=_(>k}r)cqFM3su2lv7$^?aAmK_ak-=&{j3hM{W-YXriso*4;ofbs>pmJp zbKHMDB-5FWOJLwMNh5Co9G+?c9qFn(SRwlmU@ZwqlvSAGIj|8%Qg6l+(NlUvmM8pH zPAKtKdvLa-_Z7MXtXAT}Ppwm!8AOv-JZ=*@> zjN)*>vEXDrswQlmCjd+xzy?H9xo{cN72UJx)Qi9xn$>07)JEPd*-gjIu~^U^y~MNw z7YodkDTH$JUxqC>ZcYsW6mjGPHExi&%=K`#q-38YaK@=d&WdeieBqTgk=hH(hYltzMv;9K}v-un!Ngwg?% zY2xJzMFjzhIg>3YEDt$eYkirLmiS& zL*4NlQX})@{nw;!WLDbgz&ep8i7Z(tTW3``%*ftQPB}DRjX;FV*ue8o1D!x}N5QbcLT0Hw0q0Q53 z871dSpC|^F!6;QVw9>>uzdZX0!imHzLYb^5xS#S!At_)EZnc0^OcuD~S9BL{-#oc> zOog$Zrk2PF05q_&hYv>Q+A-4{6aY_-E}Siq`Nn&QWpy0p6VF6SZ5{i)EW-*S)MLdh2jT|6|2GklF7T)(G6TIPZ@+c`hsN&Y?NmG z);yv3tqz4*Fuuv#I3PBu7syiy)pl;X-I{X&Ojrd0MR~^a7BGIa+IJwZlEa;w_%e$& zYa0m8h?N^QgXtSA8R6m8jRs@whG--Zu#qv#dT}RAr@%4e&`1g81u&9)+KoKY1GndM z+o`McO*)1lh{V_P%t-}&L{%0;14)+)jpjT}9kfoh=g1*JJ3P;e44=M1(+t5OA$V7q ze#u%QLY;olh{_N#FB-@pLq`1DyhkipImx&2?b}J}tj*sdc(>l~fUcEi#A*-MXvruP z4OgU$t~vCHJx$1h02G~VM=i%`bG}vOA%;Vo)IG!}az#KV{lJJ+=-vk;it_nlpdNa~ zQN7bdY|M$AQQ`X0=X`3}2kPVFCO7Z&Ffop!9OJm#AukW8l{-e(3`yc*0VOJW!_g}K zs8B3ig8_F8k7$TbJ#cPtWq6CnPlZ0#raOL{+U}3ag}w@VXc@QAR-?+PauJuU9~h^t zy7SlauGtp+gELnb;2&>WFljSRqx7OaN<5^6p?k+v zbAGBZQ<=h{TncgJ^VYQp1wex*F%!};UckoW{=>AzKIs+NGkx4To;!Z5ejIg*odQhp zI3{!2BstFDbNtTZ+vJ|U|3yaks==BP$2Hb;SIKna+E^<$5yMyA*~53nYPx!hd*c?L4QJyd*4<=I@c@-z4+Xv9JLS%-Ba zf>UBg*gIJie5f}5?<3N&`WRL`d9nJFeB+(@`VwYV2ELjFcMb7rOXVu2TA9K>K@sE< z#d6Tc8s**_fK3$=&_@0`kPPksLa7l@HZ?eT){)B1+L$W8M#B{-rX4BJ)c##mAXaa3 zm7m4?bSU;KC^;aCy^k94Z&ApMVwE!0zbF>Iln6!&z}~?O1%Ry&t}r#}Q4w8wX5E*d z^~Y36fYu}2L@MKYGZ#&?j_uc_KAz%1T9zsb@V*=xx_J;I1bAP}DigENhX=fybwtuV zc-IVjfuho{>v!GuEe!Pt?E5ikh`_#$fPg@EG#gsFE@(qRMaqJJ|2IK${GCp;AGa2r z7#ab$nGi5I{84h`e#mSE4lc{-*Wu9P%-FY;ge|b|dkNCg9JcRp(Io6kScnllhM_H$ zN%X=rRrWQ#*d~6pGD12VXtHa1FN}G%9^t-RmX%V3;T|C&3Bz52h`(|; zK?nwGeKD#IZLR0WTPyK+q+FGonU^rp6?Cjr6BoVE#bs7x>7X>Jk}%Snm~ar1!;2ZY zs@lgzlZ>>R_l~?yPtVq;r?Vb=ou1YXzD`f~AAMzgrmtgHdktyqcx8wk0cX8CCc5PL zMayRETGei-s+lJ;vOw)|7Rt-Aj#F#d-02M=j(ELatMN%A_O_vhab^U+l}i}zXc}dE zvL8O@HSo(=jAn@ktiU|-;a$ROeU$ePYR8B6ydtqKpo-pkMGX^>S7eX4|1@AhmCulN z$)KHAP*c9o8I>=KtM};yi5Mo2ucGSElSh24&L8$Dxp<#qcJ{e=^f>eE@xQ2&m_0th zWK-GA$GB+X>~WLY5J~+l!}PQ#6HGV$_YD3#arpowHJx61MvzAVgXpf)8~31jwbvhw z%$g7xGt=bsLT&T(GOmqF;c>WYW>gxXCHjA4)hqMJhsWa^6&}lPXbf;HN=P*J4p2pI zt6VV%S=O?E7FMQ6xdbe)lKZ!s>RoG8y)3AFHS1%%>KagaAF2+G%5>5-dV9+o^(cYz z70gY5@>=bfohCPWpBbHxQYC@TyO@5ww6s<5Bo|FY=bV2kA>nf{4++y(P^eZ74ck0` z5kj?cR(UKoswpqiJN#_$3%w#KyiBiXDrymM_7G`+^fEnKnq53>RFEuq_WA^g81U@v zs5&&B#e13luty2dexBLc=Vj94%sBR2R7v32gG|;819Elt8ZMfMV^_rDSo{Hhc|>J% zcd*I|-##8rY2PNP%a|)u(E#lU zqef%_v~MMdzyN4JK-HlEEk5Qd#ym=B_V>)oJ~X4pnbB-~y^m&(Cx}S%%KnCnCZgH7 zdt<(r_q?$90t%JRryj<}{lg*Q5kjRc7+A`^Ai?j&My0#_MW6bZAR?QA39bB(5F+Xc z6ywvR$NB7c#3s`8Vs{||0BO`FFy zd_?N{2opA)7g1{F#`-zhdeBFh)HEYZ{*5F$Ve)IW_B8{4GnI&)b+Q=vFC_@bVBo)k zszV$2Gg271J5qbjzsMZz^MB~EE;6&COCx?iRT4)0IwqUSh`U^L;f(l`S(`SGZFnQz zt&F(YF-`c*POQ;RWT6pZr2j;s5k|Tk36eD9{9p8DL5%a835+)w=l4-{XyZID-Z(Mh zQJQ1F!JOXW0@4;G|C5U*8D)2OwhUR6Wy@Qx3{q7sWVX_% zVzqXJ7cx)7z)~(`gpABeFg$wgQOH9#E2(U3<8&Gs-Wfo9_>*^(wRdaawXS)nDW%}^!b zYCN0Cr*bu}=AsLYYLxeHKvd(Z3e`@ASYaNNV8uury>he4$gBjzqnbLZD^o7UzOITZ5`ns_ zH~Of%f@o-%J5H}+7Z_PEcMOzF9=!o`pMt7GV{W`B$wM9`#9hX$>_c37tjo%*zS4ud zgenQd{c(Ex_z@RPMBIxaa+nae^>oc1xTPwqe8j2HV9jPdLMZht7Or_X5~YL`%wirM zrJn1rR8?MW6IS`jw__1YeU+Y>Vg!2GqzS@j)G~i-7*;T_{=sWtI2W@sOh(c{cWb{|y|NOqLTrm~^ixo9Gi?ZKDmLu8TnKyFwv3jZDovB*5w z5yHP;$SS+V#=o0<{KHKE2H?Y6fp|xekz@Y&G5lA%FCa1qsJ1gwkdA=9-zO!I+Zmvs zVcs7Y)gue$eIP*|2F&{est%2L@!J_R;!$$jeup^;usb{QJ_${FR5COEeVHl={QE6# z$qWh7hj@&OCgR`o_ASs|7akHW96^PN-wv_O%zzQX#BXMm=VD{xEjlKun@h~-sLFXb zNf?`{I60oS`1pz6@Lc}Z-HF*x>7 zLeMjqr$Erv-W@rb=;);`I+p-9U+LjJ}dXl;vIh3tIpGli<07ZM)-Z~VppA~Pe~^NxvC^};peSnDw^8Y zjT(`~)2k$iz~JefM%AGaEB-va81pD0)hzR}Z(&Q1Gh@_)R7qe|fytVUUSiZV7fr;d zeFJTZus{}LPvmVO1_k#-)*z<|a$>iqMY;yCx6d4YEkwY~E4d>=tr~Vj!ksch&j^9; zTX@`N76sJFJo4c|_u0y?lo!w$U{{n7zjM*wF2Xf7s!Qq<+GD283hJl&ZThLuEWwMaVVq=-gMX9dGG^}4$ zA%SQjk#+>EsofJ*B_-VmaJ!83LGGR?dYZlLHY!XOe49*=kOAMWMb)A4Eq?bz8~7+e z+;(OtFNcM;=r~6&GvnMLsw8mkQYLPO2k9F;gNr8O+%4XR=ybz`ypl*1zBq|{iX8uU`lG2YQZ|2?WCF#H#p zY$^+T9T$CgV#(4a^uI(f-{WEKVE1o(2sA^EIqnH__+Fml+mCOj8xrT-2=DiK3)Of8mVTF1NMPwELX$vuH8lO6 zQPr}b>Axn()_|r<&RPI8-EKtF;P^)gPoH4E0#CPy3t4etsMIg*k~mGGR6aA%o(Ty^ zp#7%=Ickf~f8?Tx`1)EOUlEo$#rK}`9ou}#X}ON;5}UYEu8r%-$(vRe&jW%#Yrc+w=Q?f3-@mGzv_8X^+_TBB_xN~J=+of z2=XEfEM-VTXw_mPzq-7G;L*RtF9G%aatVPAwdX$|^$18mNV*{){fq!r&G>II>Q5Fp zKae0W1DxN1szW=+@q7Nkv5yjz?`NLI1UcxXZu({e5Kdp^1XU6a@(oPf>?+D7=yhB) z5x0+cxE;7PRNl5dWSrxI1lpQT-xp%c0HKc8gh-gVBtsq4?%<)0aIe#db0j|edhPLs@uTL(#iTg)5`=$U!s!~4|g@Y-CbTy#tr zOYa48pXN^>`foB-$A(i9iva4EkhTfuc_mZPl= z^C$uHN#-Shc`SDtpT_78Grh_T%WtMi0+wASoyuIATr?4u4;`LwH7uc?9F{IRvxp{( zi1bOjRkqvZMjeSQie3;kxIn-aL_-6>FBz2~3jls0 zf%^sk{99BV8UW)noA8iF3I9IBtOWiA&q2`R%-HuGswA-Q&zP*)+@-7VDK46beK!vD z*#yaBF}|8ub#{$o5F@rbu*)+S4wRfzL^Mj$&5H7gtaSp+-4R9 zbjdvO;oVMkYOOTibXpuJblOhK6weKnj74B|YAsa51nI$EL|(1>T+%p!%Ns(JHHg06 zsFztFdQXDT3=n-Ystyg&@u$|pqaP)-o?@={p*20ujMguvN&>B)#bi@i*cDtf39ZxL ze9*|+^iR&X%XQ?Rv8&~~O$$p^NSd_iD3#i&QPm7~tqMh&^g|>-xl^NxYS#QP6?73U34#KvypIR}hKnX5RK|N9ZW=s!I#*SAc0P?N zcA6dG(~w&*Fw;h0pNtk8&yM;>(UFs&n8&`YV@l$y3JG+ZEmxhoU2`~7T*q~e=jj%Q zgflgYh{01+g(5w*8%aZ?r>2T(0Jz_%LRkQCZ-UGW0Qdq_9U1`RJvD9MqlAM$!wdxu zZq9l7b8G^KxgA!X047pV9SF?kAicH%RT5s?wcM219g=~LYq)44CO#NK0^EEYuLGTdAbcjgHso8MNaiCos z>QS2wPo^#@3_leTommJYXcb&hxbWmf*8(Ud*+Mff+^7_YpW_L(47B1&Q%%E zX~(P3jzn`6R0~l`f^@yj2#@w{q%|_A7NV?y`#X%fl?B}2njlOAxc@q;4h`<{LACJc zM+xEI$XsQFSMmnN3xx_GJQdB1@P9y+1j0YeO_{+(BK$9M(L{tlwzttNV+U9ZLfiGC z{Ma7|-fGmWDZAZnO--x8;fwz|19jQ8_x5t7mEAM@`x0SSe?wqXS^&pFaj`T@yYn9-*bWTq`lgc+F|7=BW_Jv^z= zRFrp1b`z!}p=9ja_S26AV9G zSo*Z0ru1qjuz0F9a9pv8DWx2ha8Cz>FhwIEgbPQ8E$Sq5F%1I{!c{atXi~ui0fcIT zfDM3fH>xfwAoMX{lmMZ`j0GT^mve=Z@ybc4n5SVnN>Bw|re;f$DAA=#0wo-7FcnJ7 zaM2``=+56DPdlOl{4)A0THj169W1T8Fb&Kqfq7Rx|%&xF)>7&Po zMst(m*AC&wl_CPsL?+6LT%;FIWRXmbaW6UZ!Jh-dl zrREsQ5*~b&)V8Gxnpz6>V9DlrAjCqt` z_an?pz;6HXa(a~+V820?1i*fXNt>--#u7frMH2xQJ7~0_GTW&a_~3Zo5p#<2cG`T% z+?s3I&61CdgH%%!3*sNc&z^87(%XsS`-BCCrwl)u}8YU@c-bs*apzpcR2? z*10~at&)^9T)U9oE{Jb=J}3>i*qlJsp>Zuf+p{<7Q9`z-F*kv1!Gq)USQnRBp{3in zhbjqFJBP`d0YIYKQ@Cg%s$Jpb@W7WZ_|zQk9{G&;@*LljS7rFqMF@-ctq>15)o7jY zac!{53fYc?*kK;n2qD`oS>=rt42MOTQ$y(9jb zKf0n};T>Hea`8P+nj?I@&C%5~ki5sJW?7uSQwef4IDfA~)uBOhXKX|+h6$sDnJzQ8 z4>Rd;X3Ts8RT7xlWU^*xk(gQIqKTOKU@T^esVXYd26mzF0cF{#^1^$j(Jl!@g*A#L zdNAvqm!E_3cARp6#Paxo{~WtfPIcBt;wMv=6uv(i5}jEHBZTko%BoX~jqfiCp{_`0 zo($`%NPx;^hVy@>N&?P5#qF4pM8f$e zxM(7rpGbmpso+WYEsBK^TRsip^-r`-1;{I&8f3nijUxoeOEECh>J^sc9heqcvDkpD z650uq=7d~04w&fvdIe)0?CV2N?^Vb^IRb#6Ntz)5czv+P8UpVys!tXK-j*OQ0|Gw_ zRfk64OA{PvkEtW|QNqQ{)IJBA9%n|}o2ZgN+zXkk87d^=Ucf~Y5%*Lq;+AVzogz_( z%wR_bBf~#Q=qp|CkiRUShS2w?*1kgGJ3~S-vv-7$_(fT@WwDVsAI8f@omNpeDGH=7C-&gY^@sL+jHQN?c~|72Eli`>3i(H##7#mwFjTG8E+Ra?yJI6RO~ zhdeCp7;F63Bm(nQQ4h{jZF#7>lfz^ZXAix_2n>G(X^rsYHil_yF#al|a%EZ1y(~eR z1{i-Gstyg~+Y+2O#jlZyz1_=f1(GLhe^9y1(EZ=2l7Q~Jxg9gM$Q9iwE}974?bu+P zm{GM;;z@|@%PzbLqF#g|aX+2L6=?r%NE~Lyju2?SFRPv`HfUF4K|7DHYx7#9Ed!*6 ztHv(MXMZxSM*#fSNW%ocTVa3?cV7eizcwmn7Qp|j1Whmi{y(DX(13qUYQXPf$0)h- zf5~j_Tfo!f%y|FrR7v3d7nrOWmL%SPmWw9gefkLA+AXOU@S^F(h7k1~u{5L>K5$A7 z;y1aN=kF!Q@ArhUB3m;N7_bwZlo+s1@49C1yQs*5tkZWSh|OT{&qmdu?fv2;duMiz zlykR@Sqj@W#pK?N4X_xnnMm<+c452!k{ZO7-g)CN9Emi$F#C@gtx?wHh=z)lRk z*F|Smd+GH3kSYn2{yfu9WzwJFqDdy*eP*oF*B8$7-LOn`lw)+pdBMS(hcQBq(KrT{ z@-(rKidpQ#J4WgZTN8Jj<&&=9Q-uWDmFxI0ozpB1@wEv;Ho)VXP<3c{jQ@Z+h6$qtm9Jsu0xH)BvWV$< z!>CARaD0?132=NRH(|yc363x0qKV*m=iWvg=^omM*QqRFl<%Q|lwUJ;yHN5{ham}A zT;ec__05$};%kj*J%iY^KvznVduU;s(TwAdLM$z<>27G3+f^q|sb=v7Nx|to)bn%f zt`GK*O%wfFr}tZ<{;3dkGwVM|rMFb5OPu_5>7+&~+)*=rj?m2U2RvLeX97xT9{Ga1 z%UJjrZ^B^c;X(`KE@x>lVs7|%(jwhmW_p??{fG)INWkC+38FL12V+|oU_LMe3}^}$ z10SV1;JeJw4DK>j&}C`14H-c=7rd74Mq$CB(HC(=m zwx|!}lk;Xfs&=Yv%FQe8p%hL$@7mif1pJWb%a3;aryZY~d0rJ#Dzkcw(9HAltlDli zr{QNFbsoRv%#~f}SvbF(VMd6nB4!^BRQJz7>RZmZ>I1bHF$=wiv`EZC=f<_A%|nkF zl`hLX^y>*yHq1jGK-Hn=pZ#&V=%dW?o%WuA@xger;I=$%a3 z3^#H){0=UfG#jPgrvGZzrWYF;j{7lOUu$OU!Ub2}EgjS7b~Hd(dVWxuf@+Zk5dLq1Yz=_07M&Ox5aL6(F-#aGIQStmm*IeP zONRq`l^G7UlGp_td@n(6wCPa_0 zDihA!as)yiCEXDSxgkVZgT@ybH7pA>zA!d?>_fAeE_^rM7{N0_S|$|M)b zQ!E?+P-+#}`KJn*k@6%}5=eOqHyE5D!$2dE@@6iYh?M7DS1d9}3aysc?}pIPTu33} zgQ4M>J32xO%GYG&`(h(vr5_R1_kn3pQI!_R$g!5=d0tIUAk5-r^@{KzZ(hi@Be3ze zNQ(qEp5>#1>XC+zzirgFEco~v2?93Y;~%2x(D*o!yq45BFiIHtD03DVd2Wt%j8#n6 zFx``+!kO{$GgL|7BWW!mGIg(B7A3*XT4f}Z`xx=*?ft7cXCJ7hnsj;nTc$qh9 zUKYGOmLO^aUY1dHXuRB=>_~;BHc}s2|19%25;N&lX3V^YDhbTIjY+3+o?gI36EPEC z&4}GDT48#a31#15h{R>8qp z5gR45eH79xefw)gew6rr(kOwUTMQ%BQ1k;v9n6BFzmp(z1B!kWRfk5=D^j3nAMZyB zM}Lz!9Eqd!Dl?A$1yvF_`d%h&1|Ycz{dF#yh@e0A49`74`754^cz{_ zvDgUO?)N_V8yXi^<2rn;dcN6k+o^#xwz3gVBSMI=gwnujY~@IF-C+6XdZCZ5u_QE* z-9!}^WNCi}C=Ix@--4<`gY2`DK{lQtqqNRn!;Fr^T6(2R(`xqAjAS*9 zzmA5hX?*48wM&-xU+bI|(E(l&g5MiLUDJr(6e4P7;Q_RWuXd;>{MF7{eTZrbq4#=E z(@3-XmYubFduL(i?Jl-rciw*e71vw^W`Xl%T(pZzA$QKhbQ_&k!P%L&JMD(ssnzV(eBcj!=QM}2pKiHPH=NOM+f&zEK6R}|WKU13 z*&ZIanMVONGmm`u0LIVuPa*P{ZG3)TA7({KF*(Q$AMq$+v*(6|Xec5=aW|<-cmrJY zLetWhgcK?$fh->N=>!QHJnC1Y>d;`HVgp=`ew2{C&0Gc2tmiX=6A~8nEgdS76%#6N zq)Gze@8Twcf)9s6rRmkVXd=RIy{=luC0K|@SW~l|dSPlBcRkaGR5+!seUCY=ifJ18 zp3rbgpZAgY%zkPSivNBhAQXR{YB#5|>;s`Tf`iw!epPdR2MwX;gjpgH`*)ZnK>~VF zgW7)-RW-F=!R>U{(kG**=^lr2yY~RU$CgsP_dw;fE0-*(ym1-+)5WjSD=KA78r^X< z#*tbdlAQZLPz_7p4D-@m`3n-KQ08|hh(im63uQJpF#J3caWGwdb&+B!@e2oL6aQ(% zg!26U3B@m-W|`p^j$BrJpLi{->r8*X^Q&lf{6i|JIaNUu(QRxDHrAM_#G2T@CCJoZ zV#}W%FtO#-OwhvaPqwgUCNCot14e0b`4?s^CYMcea`A_ugC&*H1!=YzX_9Ay@zNxp zND!Z9lK;d-6X%x;h1`|W-h_NOl$By z?wiFsJRp`M;EBI7O9O^fFbIV71lgom6^`feJ71_`iPCZ+kWpP*tB@;W(-Hp0VNxA| zi0gxNH8eb8)UPaPcql=j1~fd5s+z+w7#hZ3TN@huC?VnVnW;d+3p^wwy^v}Jt@4yg z$3?26Lx$OKBrevel5kb_bDP0wF$^@)@4kVHCgS224;NXfqcPD~M&aShLxVGSbA<5l zzN}m~i*-KI9!G9S@$@*?kGug+2SA-fhPEOA@ZF>< zJ^<=;H2{3ns8Cq|@V_TW&;WqHi>iwXfPuk}5&*uFnaZx9uSl#%fz$O=Dl_DLk}3(v zdk42-#u5p6k8sgM$h&E8$*#{iR(aNBj)xehmoNUjv@MV(k zGP?e^^dYBl0Vygt{c4DDW)_SPoPIg0L>C)Q@9^ErzBCmElUx2Gi zw)?7QYbpX$mtE*%>ZU&G8mz9Max+luQc+1FWt`)uCZE{*vwf@sAR+{)jCE z$ht1a>cq$Mbw82{=pr;*i1Z^ZlDh!aAEr0K?{U#YP`&6@kuSstOOee35nZId6iG$= zHFm193J9+->TB5j9U&mxm0&*FI$KD=Eau_;N*$d}IwFmk5th6{0{UjlRfo5(`f*Ps zW_FQmCKKfdq&r3$A-u){VkdXo6=1_HLh>OoOrwx3Ru!Q(?R#xlOZvyqvTFN(wtID&|+ zLJ5}b+GeYS3U{*;l zHhSKo+(@ULcTVFLsXU(^GeKyuq`*sua+GzB^2cFc zXPTe$!AJKajyYtjp$!P_7o&Q~SdDA5Tyz>OjEy%?%8{PEp4d2(Wp{ zX}U#A6_Ro9?Z>x^N)eN+wo=JTI|2aq5*NLdice1y^NmI^>z1E%czJ@bRPn) zJM|K$B7Qw9mLiVZF5^1WhRUUyvb0)BbV36*cYTCb60NL~SZsXL9Q~4wPoL@X=hnQ* z%h!rYjO&lVs0*T9t$1px5$N_-(g=ZW>vWnLzP-(;G+FTN%?VO6I5zJ>)uHh%{(|Vh z&_@a3eu-HMgbU`irpK9)?f0pYK(>dNtQj68vi$-VO+>a!Zgm`M3b~+5Q_~zrnY@j& z#ZBt0&rh?8(zPussJy0ye;yi<=FMN2l5F4ukII*cpwRsD;yV=Z@&78+hai7+OCTSg z#u|IN@h_QcK>{g#{J%q0%@kH}JHg|PDGm@nEq=@+b)cB^qBCQLbLkI%kHjbR`%e?t zuld75zs(H{?+?$Z$dmuIq6ydiLY_Ztx8_{VyjUbZq0W2XbV3g2%FCzmV{&pb@^Fae zEc-N5HXJdXoc#>nsG`?I=TLzK*||Imlm>K`pN^`U1ueL<>@#wtENKHX6wrH7ZaZlc z(k*Jb#-?(OM`_8vZWY6<_3{EDErQ70`B-o~ zXSir0>`fkQoOF;9s9xNO&B}u9;$oLjEP<|VncPi-z z`*?zI3^?}%R2>@Uo^HT7!T6CvyN@tCfp%+i+dW0magN?+#<_1$C4qAvV)|xikT~~2 zE}DpQFAz8v4{fyZLvP)tQz*}taV3_}f8JbdblPwQoAcxcx>y9;bB=$MV-YATwESU+ zk!F^R5L$jOtArODE!8DW03yDVu!V^a_jij!-$vgsqI_&PR;A}%pmri))w+?Zrz{T|hst%2@@#%S^c`!=u<wetI28MU!n?A62nnlVzj%1Ba zF^>#YZXQXFOV%oU%;pI8(#a0&)>ki@J|GnxJ9simniu74Vly2EyJpM_1FV z?^mesf=o#7NRYQ-VelBLYQ{I%$)EUK$1zM8B@=xsGZ$0TIWi|!NO$%5ipuIDHQSY( zuRctbgyFu4+log~&2WE-izdxi=|h&E%i6SgY{O%Qy2k3H-753(J-aGCjB#M(rjKKy zE6AW`|A`ib4bc@1*brSI5*z-F#4NEPx|)U!->1S0f(_qEkgEY3mR`E3*bu{nQNo7* z&CCTh1a~gzu`WHcsYn<&3*444@a+VdX)y3jF1m0q@C@|Aw6^JM+B~-5Vc=TdbvWJZ z7%UNQrGX!lXFKkUa04c?P>XP=pGQIxM!Xy?Y8Lx^db1!FyDvcm28+E7RfnF<&x>7N z(uhaNJg;X?^6FA5MIgjSuXT}`Rau(pEL9S-_0KT*RI~N9Tr|l{ySwFqHLNaaf5NoJ zq)^_`!?*jPxIwC_klEcKR+tARSTPb8YMja{BeN0=k7p{Q#@$Y}wt_uoh@1l+ChscE41PNUlB0feNpx^GXAlL7SJi>gC| zUi{vM8uutc-&>fUfW8g6WAv>!PKl7l1n`f_WX8WgqDlh)-pFm3p+ZL29_FHn__vdH zY$ zV>sYOCoDvfRk-tjcLXXMbEvTzU-A^RzgN{8Wo&qz##JNhi;PN)89dpeYr)`6o7v0$-E_r1pRhdb@%%v!^ z?M`;J#=(K*k^>Xqz%r9_-W?McRP{;|)WxOU^@UEWg-++?^F!Tr-jiy%?(`0IR|6dI zb=;iW>u$moSJ*qOx|7InNaHQ`x??Z2s~yMfJ=Bx=J~kZcu9pE1JoJ_6htsF8}Pbs`%@ScB8;|x6)g;#{tOhnX`>XyWT)VkZyGqZw@T&p5Z!$ zcD+-}pQb(k9-geHt<7e>(5Tf&5TLh3JaMWHKgm;`9ONg59-zNyPFC zbxt}}m_v8GWLNz^S9Ui!r^{dzK2__uUZIuUl|^T!GY5L>>Gl~g3ME>OUBeUF?Jqdg z@8130^}MZ`cj|>k5v6+FHJ$eCj;nXLW&A!b_%iRbTF9j?vi`KdWa?_6-Ro|^QCw`! zYE)J-m0ovi=uL=3z+|XI^hmZ0)yj4 z{JqSn_qu0^RKoe9(}Z%M8C;qMK8(RSW-&}~q+HC4?<;$yvF>`ple~J=T~>xhol)%6 znt5OAz*v4zhQhV#Hh}6-cLP81&r+yIP1orZ8~M{U(x;8M9jM_tdA%lUNuixTS>{XK zh!(OXxrAdFi0tJm&l*Y--E|m@|8*#epCOCoDUYAqgPm@sUuXoE#?ihyWJA=75c%4c zeain6D!PeG3Yr7pEWre7xVPxw#!I{Fn@$t=!XafIIK~WHM^9#K^qnlDdv2-SZn{%D zcjB=-*_>~e8uiIWYi?(+dp4Ei4xl7L+ck)%4RNf-^Bosob_MvkzBOA2k*6n${3RZF zSgK7bd%|f=mYw!2w*i~qS!&m+XlxDe9#&MuN7@Hgceg?(YkA*1{Q>0NCTYk6-Hq-% zJ|8@tFO}y?Rs0|NyMktoUU!{~i}Bj|yE?FI7mPZK{}z8DN{{>X1Z%ezkh8%qK=8ue zz-4A3YM1cHq&S<I_xl) zi%fkLkruyml?wnBmGkI7KR1s5e2D13pMHIjo1uPxnJ`2f-3zJHc}Q7usysW%N7Vl%`8MuXv zL(pVu%+oUn-Mj{c!1X7h9Mk}2Qk!X1eM{n^PYFHrORv!><|;f^9wv>@>8|m*!Box+ zG>Dn2)uyTP>@acp26v4`cDY>l%8tL#Sy%Q- z?K!93T6k<>$4eF-TqtzbH|-O?*KU@ah0Zcilqznm+;r*-_bqfb5qZn4`D2oQt?!gt zu2&D)E2}GODr@gsC{)&WR=3<%&CyA45EqzM z-Q}F5+8AkHwjk=dreULIt%b^#&iZ25l*-D^8rgzFomDlr?kpT?PuralyVYvC)9n^o zPAy&OmVIi~+EUH-eLTeP)pdJL{90FTH`E`~cIjBtnIW2XXKl-#rB@4;&6RDHjg@mM zD=XVOo$Fl@w=aM`88LL-{CYo-)(tK*YU?^-BzVNy$cF(r<*pZZP!c_ zVorF?W8hxwounPgj<8R=f4Gb5gT{ zFi_<@sGxE_bbcZJe=+`lDgM8M)B%lBebLkc6zSGyVZ_eGfuXDdtIKlhR#z2vn9WvM zbEvgow=2)6>{5C=R5=&cK}A==BTHTNEa1&1dQRI5-gqM_{)s#|P$ zZoTDCpo%T)S=OGtqgK7xwCiPWuISryjhdsqyL!~xiT5x=u>k|SCnqew)dbt6vyBpa z=B1$6dF+JUob`9Gmr|8BbCv9R-D|NWwR(5<9=-O$7QA@Ex|CIQ>Aq3x+Mo$VzhRf0 z2`ePAF5R~en&+6=+F8vU3(~=%rCWq|g<1-AAq45=F1JJwZSCNfl5n>!!H(Fyv;4$@ zts9?gb0?MBo^~RXI#Fl+$+_ADw*&Y9t-;}sI}5~nGkBjXho z#~Sk!6fp49`mE*6bbI31Y$Jr0@COCOa`v^2!hFC%3gZC#DyuuEb@}vIpwy&SO3Pkv zEf+c);Jdq^C@!sY3Kh*6TE`7r+?WY&p%E3jorTTK-|grVOC~EyBv^71?H}NXXCTA+#yR z6}_d4JRX;_EvpodA&OTpMZ{E&u)4K>y@g~XxB@vb{Etvp9pGzU#i4+nM!PQ zm-tRu;$0#KKpgbIlHcnsxH6T9B-D_f4aKemB#Rm^>uhW|^)kWrN#L$#CD}i1MgI(9 z)u@jf%GUd@^$-WBx83?eXGLQk9U30A<{Rk5B)THU!4m+w(^?RvbT;6L-*8Iqj9XfG zw6h)nGv}4t)bnlWf&@an`3Zs4hbUS<3jO^lQj92M{z{iZ0?VfA`Rj(Z_SW;V&X&+& zyoQ4u!)t1a?JR#*=q=Auimg(5*t@*WaMcXN_Cu+)V?L6?^su zEuf#FZ&c4S7DI?TW4CLq;&HpycB0McobI<94X@cM`pCChFKm01A3h4RR=1N>j>X=c zVF1{#1>s}x_1A^I4zTH&bZ{#QT40Ua&CY~AUw^#t9P4)C%SkbJPA!c7PO`ZcvNT21@^#?%I6e#RKAc4HY#6E0Eude zm7fJCg4U+0@+Ib$8CCg%KyAIC;nhar)eU&v(L0X}1FOAna(Yi>w7Ont>HJQ=2>@YLA)j#+qeY)Ro7OktcN zRFnWy^iHX2WQD0K)&~jZO^YYan<$`>kYI_qZIwHl8~D-U-@iY>2H#5lL*FH~PgYIyi3 z7BCM=PbCeFP4-u|iz=at*HM}e{bKON1BH@TZ|Rf2`t0p`8bQxC?M6i#LLB+-%4N$A z9Ns17Y^|oFO=emc`&YcOHRCn$BADQ{FmQF6EsVxm^OjECs@N?H6~H{F<6Cx}2<6PE zQ??G+ZOjkb^^r2>5_r-U)1?;XZi(eM1p1cSvRa;HheE+6tEKadjoejn{h)4bO!I;z zkZv`aUI`P?R^hH?|ntfE}?-oRrMHVHMx9ejz@Hu z|FnEk6ehl)=@F{eak~jsl^mke8mFtlI(pfC#Zl|%<@XiGted*ij5-Pp#RSH*MEy^A_e_ zQ5u=pnXqH&Zn;f-qn7WXf^eo2j)mm_%O>MN{nAl% zjj+EY)Yu}Wlc%)(xH){sIp%W(cJ7QQG;mh<<<6a4ZE}3syrx@9az=k_on|Z@?y08!;7HsBAs56^W5@+5dt8n)MVgpml<8 ziFHj_-8yZ?^IEX8gO!{a2NS|rWz*(2RuPBzxsBn&bBJGu(J*b;?<5jADXacgJ05p%T~{Yg)~iY|K?tOFAbTHMiupFfU02Sc$4f zrzpAi*QOhg9OyHgDaxQE;iFi;e2T8uNH;^)vbA$+9Gx{w#(k^$4rnx-A6P{QA4Zlw zb@&aCCC`3R=6xH9y3mFb~Ey&>646$il17YF$X@98;1P_~+9jdeZVht+?m( zYfGJWgBwNVQXWipYU5pBY0W1xEFa*TlC(;CLUzwyPp|uYjdT?^uoh{5i z6OY#w zW5U!RB?q z<+_Ls`@n}l16K>H=a-;W^?wYcxD6UqX+q8IKQ#zoiGiU-*99=AiTb61>bEJ1mzrF2 z70(Q+7(v!R@25mCTNC#X@eaM&@P)L3JcF!SW*-^PddVoHG;q4NbhcZUNHC z9wyNJ8u7O#=CcFU@-phpb9P-?;pR4+E!`-glMC8&TK79m{MQF+o0Zm+Y9*N)a$yh; zhCVlF(YDFnL|TC>Rz-Wed>zz!)x)d2HQt6idF#eV-ioewgu341bj>Rr(>vg4;eUj= zw6FL9k?K4+`5ckg!J5wsPz<@9(8RMi>zhPs)v}B8)?}%S*=2ztD(kaI#13n8WF%1J z52GldJhc5Bn8T0nn$xGt!dXi(U$&;+o||@>3x_(ZYxcBL!;dv}?*!JU79N!w8>(lM ziNle>=@AV_Mh2bRPhg3{v4X5JP}LL#CuO8|*>1Fua?7-kQu-5)J6mbVg(A7E74Xkb zh127mwNkX^dSfxyi)I>O_ayBVV&l4?TAHXUW1=#7F_q6L;O@Nb(@HisB0%=}u=dO6 zHRhWJs`m0RO;o%dd4g`M!6gpTphK-|(5Ei${mCnaSR4_{RDt~iL&e7dn6|vUAF*0< zr(&8Lz;`M!QJH*)%4gq6M8J6M@)+akQDbaFL1FfNexOl;tvLyOvyBG}yGN~K5zxv& z8Dh>uC}L?b=j>>k^x25c`vfq^p6ytOHOHK09Rp)EnLzUcHrDC@P-P&vOAEBLWZ!gw zNfUEw-5Rs*r(Z}B>Yd4>A=Y0QsdA^O1K zsT~U1)`%8p-uY88mx_9401C$xC>+z6-w(9xcU)o`l|X)(vMivIxlfeOR;N}d6!YEh3Y3!MAkK}x3jW)+r_Y^^;=-gv!+%3 zGU~;PS=E2Uugb&KuTVu(8!lI{g6Y8R2*A)qR={^vwidTi9;_my*lgsqlG{hESWhi4VjXs_i#?iYJ>2!(j8(vHh8@#uwu<0 z-$eJ%SI>pu=)TlPy24+?wWh1(J4~v=*OS)gA9_q*b?j2-)=uSz=5fkH;?>9iJKL(? zXAdzu(|5^TwpG8)q}A`?pCEk_?h=i|m&QLbNeV;p&5GP<<%dxycV5jjy*aV65kOUR z)v(+apJa--6IlmMt-E!(-9-jsbrtL%)V0(7k&BGG?iWg_caw+a4ZGXfpOKSC!;T*7 zvf^P^-KJO95Mokj-+XdXq*ritGU~2Tp8TNK%m1KwG^6|LGlDp+X|D)uoSw z*h-+Os@Pg`H&TueuSlloI+UVwg6e$HwXa^p*Z!pnc9Q~xN0F}cH)j*p-rc)nU7hTf zM0g0M#JE@&hz!yJ^*}ZM=g|_~cYFJh*8M!e&F_i>daTRpI}Uy$CdgbV83(`4mFi8} zcO1MAf>Yu^C?p!^w1Y(gQFJrQpY_u^sq%1KAQ3u(EZCNFG zpUbLaI9&v5x_mAHYZ7R1Y6MLNQs$T#PD)R4=1lnTh7>*J$A=rI?N+IR56ka&x)9=u zD;Xi~q<3f#Q)1pJp*Ky$i4i3_a2oxQQpMIa(fIBiYZ_LZ2Bw5ml^!n&Ry-pn$XqFj z6$P$TZ_>W8ViyFbV1-afMy%N1PwS-0vtq>+R|aO+umTU2;qU6F7Pl{zj-Q`Z$8oIa z^0@@8NT9hWQ(!4=#YJR7jLj+9%8wX#*V}VNIvofH3Q5QysPpP}O-nE0$wk1x<7b*j zq{WP~-Lh+*joHFP0NJ3G6u464nbOTGb9s^+?Y^9K)0J+}<3)jxpNk3VjSFN22_a8# zrFxV04IyuW;1mcE3dsl|@9U>^QsqVnSr@odU~~0A8T>>2l>ULG((OkUS+}3-r*&C$ zI})aHy94d&kCcAD*-s7rWvTT0t*rWuLvvRwCqQ!o%}$lZr2?1ISzJ&ifPQI;&hi8F z?KOP$GXq@3a4!fY4Vm{iyY_NkcdLVMHfWIsN3u9#N+kg1>&y0Bkihl;=M^>i`8Z}R z@Kb4F$J!`-_J%Soo4XiH3E3Py&JM+^xzT}N%fD2`_QiymD<DFCj-M+Y=)@9Lca0JkVMNt`eZtSV@;GgWL9{+u* zwER<9wHycKuBc7`wKd0Ee?aY7%{CU`u@m3gfA_CE})uE?7m=B{@R0I zI5%~SKFAekl+CmJh&+_eO%cWKKYTauQtI8F#9_d?KyN{Os0Yf-AB4s9o}xEmYrW3< z+00!70D7#;N||qjf`Xc@q~EGipNR=FS4#FcpW;gOChfb&`78vd^f*Ex(H>_Nd1}x= z@rP>RxB6+JRJ*a)Sw*oCmdbyqQdh5w8mPCj$k(XhG)6Kz@7GuA?IAA0RM zkGs8})@9MD8b`_bWA#AkcC4S$pRrWB-Mz@Vy|JIxWzj88z?F0440wU(#vdy^-_uV` z?pi86-@xGjN6T!-azC3~E+fSK(?eh=)jOf`u|IiboR`Ayz{%Z;PH{}3vtz=3} zo=oW+awjI8_g38&pA%smFtpoQV#%B1BgttKp;%rRiSHbYWI>5}!Wz+% zAoPMimBwF{E9B%P;VU@gx^e`19PxW&Z&I zY;XbhG>5=Lhe_cxY3$NM|AbBj=S^WGNV~SI!}CoX1Lg59FAPrGu3y0kQLPgWK1B~t zmcqytJJtQfz9Mocs6>y*Go{AS^--knjkwy#vH+%p`AmA8z1QH;q^w+QWO;o|khxNF z1hkJU)tj{M9%DZQr}P*?AsKs&d;4jfRQcdNMzx>PXO~L1wMEwLkN4BMEV?~C9093V z4*HG6cPhjl>!(gXxl|f|Jgdgzy+>DcC-fc(G`B7)*eR{Xi^_!m7pG{o3;)eh|5a=S z{w8k)?u|So_3MI^J_s<~^FpMb7NmcjLFy+3Y4C|eWxKqy1_$jl+tWA^QQxONaz}9f zo%+;4d!$tRH@O`4(?qR4(@-CRUWG1VJh#mG3r21heX7{DVeR*V zjnFiMd=SEL&?OG#5bJ|u*5QM<-Z6?DqkFCy8<{$QqiMvIP#~te5Ugt}tyW`Vd>mgy zlpLJ@SfBOB=4#C`^xwWee*BuNaD`NTcF#3-@b6foJhN}ASQH=l@~vFr(^>7a6C5-s zyS~Vgga0R&=D#5{|26#6o{nxi|NH+83T74JXw1&f^wC<(g=BRo%$5w`Qre99@{w4A zgb#X<1$G}wdFx{OVc=<7x_n!!+J;!wdZSrq6{WnmqorFMf0u@@5f(a^_Y*XH%;kEj z$hIn}Dh(*3CsJJvE)fa}w5z|1kJ-X=Iy;CpJGgVL`aXIUJ@f3JD4@a**-2o4tl{B; z)vtmk_=w`jX;}BV<^BJwfn$PkitUY<`?2ez)}5tF-Epz+Yt(uk=8N!#KF7ET2Tj!~ z-ptIXb$uN_=KyK)<1;$CmPiibz7&^dm9S;uZtW1~{p$WYM!P%ISMRe}fALFoHDj6Gj(SE3cstoQ zB7k>f%YRv-+Y%u_erfIfbLq1w5&7o=u!=}ZuML#+J1 zAhfy-QaTqAe5O@Qhf8XEKDc}q&`kuA2A6aUqz0FC605wTvQYgV@UnUp2pkh=l2|in zc7Fd>tlp1WHxN`J+rr(XK*HzJHBs0DfVFr+v@pHH-#C{qJk4I7z)jGFi4v9cSuNW? z<^%Wa<`MTe&8;-Bt`Fh#=fs|Cc3&~JXU~;aTw@g|&%{<)K=#hk$0Av=&0|-*G`hbQVt(ckm#*S`p3EUzfUsCFeA+6fh#T7Piy|!%&wy$%p2I|QH1&GeEZTgV|^F(a_q1d~Z)U4;TKedW4T<)+^5$(#Ta6 zi!(s2D*Qmu9sfK``9P0xoqNE?OOMJxQiOso_DtT4a@+Z9K*4GW7=!XXlQ>G zp)}k?tETLZJbBi#Wh3}s5tp93tzxlowCjkKQEO~$?7kf%BN%jJuVlM~CAzVZ5o{tU zifg6{G<7mc_rc(rThLu!#%avhN>XuaW%)F?0;be%@~KgRR!DJh@{Q;FMGWBQ`~vtP zyV0o47iQ`t3_o#)yfs6KG1z?^q=!{SEF{v+L-Us3o)*Ha0&cCrMMG^IfQ8$C=B+WV z0E#Q@*g=O~pFn3y|6-P61|?7P=9xWLQi=O*pRP&5dwxhAD4!jp7AEl)3H)?>2J>1t z)eo23NOt}pj*d(qk>YjXsHmw!O1pz=MC`a{O5CJtd8m1y7|8=}Rb2y@J4Zb|ef$xS zOF_61Xrx4aJ-3H`1SN!vt4zW+q)W7l_;7?S{etaKFTUujz<=^jHUlm`g29Pc+NIQJ zllX&ZfKV4ykJH9NDP3Bk4Mx~POm)Ln?6Tg7^{?oSGgG!9%HT^chm0N@iYN$0!@u z%#;f!scGUja#g#N65ghfxjOsa+JoQ4mMrLqZTtq!RH?o@I}4 z7ep464h`bwHAFOaEr7Cl!sUJRP45JUq0?+KfKdU$s(uRrMJ*2G+x2;ffL>rgJ}t__ zz`Rsz)toS@su zq{(@gUcKZsahWuP3k}IT#d$9UiDW#IQVG>a1S$*^hihnFBG-Gw{40O)OZS-x?RSYp)!wt}v# zsq{%wM@A?&a4}ndzf;is7q|(i;+xPpbZylUfCXJe-*A63!##awF2iUB=T=gd0T2Vm z@)tQK&rzJpbKn?^q(P4-?&70I6nP?Zr-l zGVYz~Ma&4{3%`i56UOPW!GusXQf04+WFT&(o_Zw*6!t-iAh@-<(_0c8#1|8Ao-1g@ zPkbfmm1q=IRzS>bh*uitk(4ki76?PBI}M&gjL`aNHH?zuB-Qj>V?o7+QX1GVTjU%; zB$4Pvuw528J2g-4%_RpcAgvaVip~Nn=%Ttv`{pUFV=0XN)U_mb0FZ%^J#sMmKm_dtjdUwAp9mE^M4sIX^GRpoVksT_gDSvcK{h-hTot}8qm%H#GE^lAQ)~; zio%OIq)sS{>OiVv-vTRbiU6m`o`kMRgJDrn9A^75iow`C)*bPD3mUFb&`o4C&MH z8%C4%4<7|{d)?k7LX_}|(o5hx{-I2okNLb9$iG|J!a@`L$0Pw zl$HO=;#nI$Mup-BwH2en2$DhXa_HdT7C+3C@$3tRDTq<(^_%mA;&(dea;be|ckzVS zm`+e63RQMtr`??O0ZbSL0Y$mT3kERZY;~AGU?j);$85|N1AXX5ctT#=Izb;Z${8N6 zq6T9vPZScFu#t0?_3}786;~|EX~WPX#H5S>MzT-KE8=MF)_h?nRh15RKr@7pn1-l# zkbFT1s0kmz%4YCzfqKbn@I4JQPPJz#AwfCZ&x@mS!+@q9f}s}K6}n%FmV~KJrXYn7 z4G9Zo198D4Tq*dAZ7Tcs7QP=nPW80;Yo4Zy%jGc&(^slJ>@gP8l+;pn^E>y0z7PN( z=de*Dal>bujFk zZ_zcS4Q=5^yrON~Yq5ZqbNy@`SWdWQT<&kXE z5bc|qv?dFaN9&W|5?2LGq9>;nl1WCM$@?aE$W{38tESG?{T9ZOqW5_0gm!~ZXML1^ty^)voJUNyS7@=6FQAfWGUresNjH zg&E923$}da{8N63mai7Rh*gTM{b%=HX4Py-%Db> z0`5E_#|3IkTD9;`u(wo%ZZv8(VxWlZT`U0y8!4g>)mr}~iSFr&@w-Jt^`H7{?QF<< zSzS3aYc}24q^WJyr?J%PHvAJcLLt>Kw}l9!GI}GRDKY_Rl%xZ}kON@;Gy%e{9i)H+ z7<-tSEUqKcb`ogL|1u)z={?N$$-o`TAJM?O>4h&=$8-PriVaTBDK~^fDY*Tb_ zsacRnbPJkeK*HD06O(|i`?-kTcGKYN1e2yl$W{kxW8c1G!#r3 zk`byhAZ@E|*k~RBXaFpVUg}VvP@za01kLeH6e6f+>In(W-u$u>0(cxMk^#J$H!W&W zyNBK_N(Qql#Sn(5eI{53j#_LkYGDd-4AaB(c{rwe#=?=YX!US~>JHW?LUk4GG1W{) zFLaZc9a^R=2Z>1p>m@8WQ?Ophq-nw0DF*vrr>17=Q&Vz@Kl2{gsVQw2?9^2EK3Mi? z`r3S5P>`k$JEo4vOhjjms8WzAt(d86tZt0etdkGpD?AKjFZ}1>b3O!92;|ucTPT(2cwgtOIu=rWw7k z;ltIFyp>hjmGsf$-2KRhiAnS$Z)UNX;^*g>G_@bOSuK`i{={KwDzFMV9@2qoK07qZ!fKrI0yZH8VO5)$sk(+;X#$ zBr*%nGPiwjWImvfS$a`I(|= z1CyrWbRpcfkn+7)fQi`|6u#XYYqq%oLxpcQ=Cz2~-E4{6J=&fix{TnnpLtlX=!ttYXMKUj){HkZfV)t>5o|<-J4?SFgI+dknW9nEw$80r^dwm9kLmg z=mX`R7^miDGfPT9w-1r+1-h+fIU2Nm#ON1!pzVVxW-vh8C%`%|w3+5+MXQGk*WS zeDcEqq51|P;SdBfZiQbjByb8m~Erv*wLux|kx5<1W3)-O7KnwH} zM6oD=?xz^ZkPE#8tOE!7C7A-9&5ELBcjK;*~|_vgZVLH62V+!v6+I|Wzxk9 z=C|Z6+T6CmgZXk5%#F4=0cf;)2JcutDG9;)$7CK6tSfQWk`|;NrZA9vLMVp7K&;0||W>;|1W8GY42bRJ4MPd@c`FkujQ*iz-CQS>@&fa_nZqcD# z!9b=TRyD-=ZcG*CMh(>v=i7O$WOjqWaqK#UKy+udX(f%$W0OcGkLgKVMcbWMVgjn2 zzd1y;RaC47YZub1MS->RAgRwm#xAf93~T3^V2v6*T)4K4)d^f1QKvX*cB9w2-OP?H z@$K2fB=GI&EZz(SawKsklP)&C(Sd?};v2Ine7iHI3Ui}|3f~UrwUXHl2FEwG0a%{q zXhJwa(lc9AIbRN03Fvk|*I+{dxQuXqss()@6sK z#;fOqqgZu}w;8p<)4qFRm--^U519!#wvYTl;FxyUxQ1re8674Mnq8Y>9|M{_53B>D zndysorOY84F<;F}?ZPyAtcSVT)#XTel9)t3c?FBj)c5aY(o{^_hp*rVIJ`c9yFtY$ zBy7Y~WNz$GWo~nMt!H+R!85m8LL|f$1V#wNdx3pNa4yLFTx7KM!-b_^VZ8!N*9F)0Xy&7rx#4rumJmL_lwve(Q1?>ZK1 z&UIw6_bet&MXMY8T1H`$EX69y12F|fS5emEY!w{T-I@{yMnJt?A@OibfLT{^4TVZI ztf9m!mBng9awN$~Zn;@W5r;CjeejX^vsA7r@5M6$u%HnTd@|v~0<|O)+;5OcTmlZi zha5}b@LDNLL*m~sx?LV5es_vR3`qPWSO-R8)93C%yN3&l-^m&USggc-i<-^od2TTN z7%>SjejCfp6g$7fq^V#$dSi~eAcH(IACpQdzZh%2xgkR}g8o8Y%Pcjjsnasm{hh|K zts)cHCa$zh064YYqF6FZPJp>nP77g9yK7X7n$1Meb1aev={7);DfKrX-C1BA80k#w zElQa~Hu1QYmCA!<;WIko(M#QSX1AB==QD^&Al@n#ZUzdOEi7l!RK&Y2_za%z!w{#b zsM|!RrbH8vXlA{?mOYvd?mNdMSaauR$5awcII(Rfs6qg@Ys3Rh#DSOyvwmdCN#%0N zi5rkJ-p#8O8LxE~Lk>wsdMzu)tiy6HClzKj+MbgHH!hC! z1SCI6ZYdJh&9Rzmo^-#_dGo;e@f5=u;QXav9T?7c8m2$v?H`f^_VMM*mM^3KN&IcH zih*v?!<6Z9Zdm^x#3W$dW3ib+uEwOPu)Z%q-~O%)53qJnF)G>pm6(dmjUB3F_ZRb8 zZ>a%uE&^$hi{DcrGeRvuQ`{9#>+HDR%;6h_CU;Kmq>CMA{e+D8d5c$k0;+zL97&++ z7DAOsg*9CLxY6PA;Od{J*w=uoe*@Nmadk8WSECvj5@eOg_Yu}D0Ck(VO%@m3N-xuH zxYMjk^tqAtUx-N{?H_Y_X7G{8%^xvoD$>3(L|ROtpWsW|`GRo1q1CP9uEz%M!)xJg zb;_{S?Rg@q#I?R6uITDT5)s~fM+;c;wmRIKiz{IxmwDr>d9h!LF3Bt0_Wb=j!Y_xO zQgu>&z{=C3#xt8?sQQ3qXqss#ji?N^_zJ&T>OMeSKSCfGUPPFR{~=|{w1?U+(6{^q zaNkKDBEbEWh+GW^}|&t=k71ivFd@W|z-i!%#yUW#nZuP0-Q>0=_K91~&IlAH*ka{HeMiPzeU zYeR+U_p)NlI*fRlx$T2bghUf-Mr!jRJRyh#C;Q-&dZ&@N|0_C;ol|xKl0QzaD3F|| zv4up<-Ct|;)jTl%Sc;ttF#hvk9T>*brm?A=yXJeiD!b9bUGEkj zwJWZGcW{?IuFLi#nKrH#MFKxNKWg22a6j(3c4lVW65oM5YT*W=Fzx=)Rzl_3AB>sD ztmvV_oIZKVn(LCF4Pm8NcQ}gVQGFP4*a^;bqfX@F+9-`&hptkbR^FXb-o07 zc7klpuPth$wtn76o?VEEFaxa2v#H$v^Xz!7&A2vHn7*AAW7eU}vxTRb+dg=nt+v3; zw%xL0##*8f7=DsJuIRq0Rc%AgEG_}E?%dTL z+J-DzJzNldC+iasy{2#ypWf(6G`-Ss$n4c3qN^u}NhHySS#+kbImo1`0Db82eABap zlk)U+*_pwtvzWO)ZZ}=Kg*!HJutwQMO6*Rz=}!xL5_xL-fZfI&oOa!6G`$k8;|$Z{ z#TKg)-B-p`XjaBhf#M^1t!s9l!9h`N)j@T(N=7*eSom(TyTHO# zBt?V5_ZVFw4-~#D#R3K>{9UjP427n%Rk+c^g@kWsbpi>aTPNsoZWR0rViG9$%PiI$ z_%eBTE0d<8;B))>AcHKj6yIa~eM~>mY<1n#lqi^k1j>zv!&hVMW<|+NmC7`HjS;Vs z8F_{Zbw9@~H!CUPP3E=_j=E~^TV=lCGqlnS=#A3DgEyiJn_h?NLFOS`R zW{A+6W3n}{K98uhp;%P$dBA!bB$?J<4PdI~#7zTeP`tiy7o@9Vg(}HTQn=pi_~_&^B$y zQY$-(%^2T`EHShjWJI~Lqe!)=ZW6(wM0GvIQiiC05m*O~YSYS&*7V^D=qf7}0X84Qs139t?fS*BB*sLjKLRqtnQGFC~~h^#}?>)crNC1Mg-^(2cogMdsz zeuqg@u`1`C6gT&O+&i->WcyxB73M|_6|#LNua%Y>*?uhC;EuBp%0;aBI_ATM6`8=f z8Mo%t?Ky`}uWS3xWRdQlNZFU8gc!3oMV6SoU9dI8z!62NLE%M2uqfG^1xbC5$;QAs zFcg}yH?8Tzg^1^{Qh|tD3xO9M9mOVbhg~Rwjzp?k(i|2tle>zfV$<|>0L8FJ|$#~~e z3~I=DUk=uRVcsVSSr5%UG{$4zw3;6~THU&5iZ1CnkaQO)km|GZO1PCQZfq zqx-#vi?w5I%G$1%Q8 z61?ep;!PG>{YnQ=}wYS_ElT6mP-;}g#M!lTtM zuUNLM`a1g0KjJ@?hpS(~Kb;Y+g~Js%WM^K$x+J4Nsh&6PBIe#lCQY9ptBXMTl@zN% zk->*xB9P1l4Boxn6Yt)rODg&myMf>|Eh0(m)W}6A$MbLr3;SxRs+%)+K?$+<9a6H0 zz0hrM7Ss;nE#t%OhX8+dRim|S9;Ucg=hpmk{*G(3}5~xs9?B)^qZ_)fcV-1 zyOcf&P49FQnuA0};Z~?zM&ZAt7*31AuQF*`cb0v1=~C3fH0tdt+T6Cm0l?D$pk&vI z!g1`mMlBTp;^Z>R6}&Rf9mSAp&coKn2D%qF=?Fj_7~&FBfFVwvIHhq5**ye?IEw}h z2Z?Y|fZ^s8BO8F>9S8mrF>qNz= zTNIBpGodBQoE+Ph-grLtsX7_{#n*10JwY8I=#vbwSPcN0&0JnMVoOz&NIA@ zNmHQ~D{i#>GSjY?csqL6#&wztZnt>rx;5Lh8(D=js+ zsXa`HC-j`=k*lN;0GBXQRa@C}NlU=DeFxNoyYfpO98==3-@zHNhwCBA(t#ZX!*`3)vb#kb3Y6GZT34L)y23P^b* zzIMkq>@_(_>SLOV*SRoXaKdXI3lXkAW`%L%)Uuur&g^rXi+T$n>f4#Zo;B(lSUEY_Sz$?WiX zOqzLiil3 zS59pv#N?+^l@!uH5;L9I2t$SRFU#vyX15)Ds6H7(Uvcbu7J!$O64#H)Dc4c#Zz;8# z*hh9>Lbj_;>J!k@M`;O}@2`@-2xLDcB3A?SUo-kt9zcIbiU|#X{@Y+37|=~8h(udI zTsZ#AtXJUp=>_Rbp)W9&q^ZDuEDhMDo2MbUAd6$S zd>TXUA8MHjnm-p)zFCb!1laH6&FY9f5!QS(7&aAVNQeW{o=Nu&G1w0na>-7B z;&o?*P`oKxYYmG>h^XgCE)N#3fh5zw$$-UYfOTLj-jSMI2Z|lCj~!O9V!M)RdaPT{ z90D?_zJ!>IRgM zENHE$6K6$iavqU8Z;^nlI5f;I8J#Q-W*1XzYQXF{unvsbrYj7(H85N`^ikF=VEfd< zQSz){he9NQCZgOR{$gShAbx}k$rO}#Gih1^oqa>oPv$Lpsqx@Q3=d-GD`W`J7)Q^H z?T*DSDItG*51CoO!I>f$V)fG?;WvnOQPQ|~r06MF zGKUp5Y;bJTZh54$nI_iyC_VuV)}9@rft*;Aay1lKPc(~y0;?gZ&%xa3U>z6*(kIq} z)(=h{k zB`#l$^{$B-#SFefHUD-cyQ#TBa;zu(#q5xSL;7?q+UR0=MtUzuv8W-ftATZ3Kz~MRTBkHNWb<=B#;OIT zr!1BbU2YKnZ^R@({2neRQ&8T;q-iN$r`2=9PV}zY-t#o<4y_koGEpyLvvoh3!WDe~ zRLmS^#SRsGzdEm{EH!-Bd%|}S-|-f;xwu@=8fWe~V6XhJ%1?m$|4Du(px%l@eY^o0 z^#8WeJ@Y{SZ>D&I0s8+4tOG;;Gjl+HmqLasz5jJqb=TmY9_L2>zal1q{O@A1W`L6E z*gKds4f(Ur@_jjP(Mt^_>bqqbOig@1m1V-e!Gu8um_FBkT^uv=7L5!#+Ygny_anrm$5$RSmM}-`)?<6J>@hiEI zOcB3~Nz)>}^ZK5-9vy@v@;%&(CZa^k_UJ9SYOuwT32+-T9&0~s-}g$iz*|;1BeP-4 zB%RbjnUc9u9zo7ETvf9kRiShtONHH zSEcq8J(MwA*ac;BUVM0xZ~q}WJMA6BZ^du@!ukXMac$#BgIsP82>}C4jkjA zQ#ZAy4_8FLo0W=)-cUFy{U)+*L+^F-ncZKefuAHM5!%1X@-v0@+nF>iv^&q}nFe-E z`GtvDE*_OCeI?d-b2El2Rr*q1yO<3>c&eoK!ZmPLTQU7YK}9BT&#mKQcs`tR+G*K1 zwuh3C$)a2+N!kmiVPXCv6EdJJ=V(|MO4P9MbRt+3EZhu9eU6N`gLP@KP&IwHuy6w_ z6qwwLQ%;>PBqC6_e zoTDYO2w0T-@=UYtJ6zQV(+sGKQ*Z(}R>_$}qPR7=Bn>EQM$gMLFs!5)+K@CJ2kXE< zY5HKghZ=?pG|Q}Dfaa#inP&PaW<-)3CLbXt0h2ZtVMZSblP_S>RG7SPzgNdW6D`c@ zsWZ#yqzMlPkWJgIQYARZ3`dgnI>wA<1ZUmj_!4AFKhJDR;4B^DduVZs(E{XWVk)hy z?`&?lt(sG$qj2$cO37JxY#}@YcvG~79Go-x{0`@x$T4ZA+Z!1!=aShI~ahNY>`svd_^Yo5`RU$6ig>juf`HJ zfBF;=EJ_Ofi4^l0dWJ86b>N=CIGv!HK3u)QM_H*kQfOk(?P-n?nL__7F^Rt6&$z%$ zLHH3SP3;@Z*>Nz#ZOpS(3cY@Nw0Y)=4i)^ZLDNh_P&jUI9=OoF*|dYhpE_oUaZU7X zMNXo5oi9Cw?qZQMs;OCX7h_*#CE($1@*h2G?kY*c#=S;o%ab*arP$Vhjn{&8U~Ejy zn!D97TsXOt6%3q=9@0jSbEDxQViIV0DT_6Oj7&)`V$xJJ{41JIaBL*R;S{$xl1=5! zv^ws$r_oc>$-jI`B@P94aIeLTTc_o8-Xnp_J^0Au$bFYgtOWDvz}RGoTaKDd$8UIb zaegofuuix*t_T-oqH7$Jq9Az=*UF+SssrWeyi5<)cCAIH2aB6EMPkqE{dN>fka2Nm=B`%?EoYL|c0nRR`5TKu#-W6#iwN%TWJq21jVsjo(R zvG-YKLVxrq`I6|5p5Ci8tw(yL(e?85NH0&Zw4q0O9IONPNS7HF_#ZjQ`&$_B8;*m%%zP zFql%+9%>jaSokC>m|=lDOos(}rCZS)I&$#-U1Acj@NpKM2^Ri>Nz-7VQ@BHRySP9T z6S*R+EDkGA93(8#)G+_c&Y%*iP3K0NZEnC&B~%;Gw2Xs#VG*;*2Orc|6VS3v*P&*F zNv74(C+z!m>b}?HjRFm)=~I$cPrJ!d1#%x{Ct&3jIBS+CJSk}k+zVR=lygP)3=l(Z%)FDB1ZIwMfo8~&sniZ8 zO~uS}t}mAvE`@K)i-lu2X(m$GI2&u8xuQdbjpe+WUutZubz`IY4lx@(DtdvDJQp)r z=^;v}I%!DxlSZ%0gOr^VBO8$N4PYG@DaW#m zGc_Fy7g|2T+67uZy}+Kvj;8yWo?Q}gZlruWF$tu685d>-Ac>Se&ZKEbnSIdtJ9&#< zYN${LbBBS1@0fCqIdu->kW-y5wrHg#z{BUr)B+yPOe{wOh%XTBqKr5HHpR3CfcP3% z2L=e!>0-%R7%qtTH0w8UxJj>cBbtLo4mW>5Oac)8nnh;gp788<6uxunvrzmuE?>;+7k-PrEN?9VenEy~>TA zM~F$F=N=Yqh98+ujWKB|dg7}bu|`It&j3B)^1BT4b-8#Hiq>L{H#cLbP}I$9m!(Eg zbySVQmv*gI45nlA;Aj`05lIu4R%W^+WE&WF^Cf=%_!#+>K+|o8)@peAxX}~y;OT2p z3~#{GH-dFwJiRg#o_6Vf$Po3vvz8MPm0smW)L$befvB%w(Pk);i28CSO-0n~s~OU1 zvok0x{i9g3%?%hTEd7JL7FlX6J>H#>@)tTjuKjiR^7vxI^IJI}wI{m~SreujdkV@1 zuszumarUd^a{^~C2ywQj2n}xk+32i!;PxvizF~md?|^k+xP4X@xb3Zy;hF{bA}c!) zb?H@Z)E%)x)crz=9igaT-}2uvX)5X-)bm&hM==F}g_LQ>YPRc^J%f#4>V%@HshF9j zrYvlyq~nB~vif>xJf~RA>(8a;YSUfSkE~d>Ec_bi^n?oVND=zp9IKip^pcoRGwy#F zCE}|fstJD;v_Ws8>P+G_H3RBUbtc=m>1Hj-?p-*Vx$T2bZ`|A6naEAMrW1%mxD~Xb zn~)1c;!(ol(2a{zRKonlJ>-R=Cs0f0q8^&B-fQ&LJg|RviWLp8UjpmEu%Bt^T(*C> zF#dMdEHGyi?>8Kk0I4ql5s8jt<_Hn!P;C>F$gmG_5t%~p7A8%_`t8@(TwLXa*$Qi7 zrd=;hOyM?b`brIZ-?cA4M--Xnm5;`nQ~6kk$)|NoOK|?jNPuwujjG&&uCm8tWkegV zd;Z$S{4Q$3f)l^)Tw?cYSS3*bI;p|+-w0OC^;dB@oelJH>PfnJ!fh=)%I~oRRbP0t z`epPM)z{H~{*n5PhpS(~Kb;ZP#vvOulBK&phK<`llRN(!8C1CQPox+`OI?IJn+q7c zM@iW3uD<5T)TxBzk$xq7n$We}+TFE;H<1eYN7eZOq$x$oF}(sh1I3g3Fspx(b9z_@6-kT=%+;ljjA zS+T&x^8!pH?~u*~-wIqyM@ZtyjgYqxlR(IexJ)zT$l>t$Oqz<2+X94S*G@)9BaK4F zVytoIY7P}LPUhA7QX`|j7wv^@7hmfZaZXven3BBdqyiZyabl%-I>{0e@3PaOP#2M_ zv;-*p3G$c_3U$dE6h2~ft2|Kn(iAHipzx=_y2MZzY5s6Q;X|xgP7gzOVsDD<+9#^q z;P)0{65#hBmtsa034Zr8X)5^LyuV`CXC2F(vFvusqX@G6ir21{amgdTpD$Y;zChsP z|9lJIK80zdAAY|dOC%Rjq5{_U#S~{&!B7F~d-K|Kse$!qm~wUZt0S*0qp0D?v)2%|0czn27vu1unr8cri;Y8H85Nl z`zh8fFm_{sor<^p>$xQnuv>6p#rJoN;RoFLre! zpgKO<$8k3~WhY?X)#Mif^G1|J4eTb2j*|!Mu1v9$0qkx7>%d@VI{Qv*`f#D#UREkl zZln-+jgE2jIyc5WpO^&3jk9<&SV)W;WztlPyZcT$rU_Xfj)`>frJs#cL;3Pc7bh*X zyk@C_>y*eG7A@cKLDE?I;v-YBUBS2MD{NW_V^aBDwI8D55=mD$T8$~xteT<1(b>GV zUTPe@U8R;ztLU7>O;|Cz!~hFiQu4k;J>WBaY9Xq5*e`!bHwv+MH~hngiqZN_Wkm^(TLk5071 zO3)NP=WU?c-h=JNVl|I{e@tWAc7&((s9i#I{V7S2L$z3AA{!I_JXTs%(|UZRZcO+H z>pv<$Uu-i3*r&j%1z4XO6S{WE4ObYE;dyrgj;qM-Z3fS&{sPX{4fnEa)cuk@hLR%X ztD2y%8=XS8DKuP_Cyj^IkDN3f_hxgK_@))`+U?bUqVh%jKgmkz?Nn5ONc@`%7<>g$ zZFC^e=7FgBCNM=N=f`(W?i6eZ-K{oy$uB(t2CNH17#L9%(M){-5iH7fiE|;zG|DuD z|0r0s@b7QCgmLr|Ds#woES=3t<Hc7Po49cky?!|?ua$mTy@dl&J*Kv_11W4{B9p7 zOO4A5UR#)rJvh>7sei@B zht_npb#vaF_iKa_?Yd`Z)CJhSMxH}%0?y5oUx;*Pqb^lLx(AG|qh~s48^cbdSjvEO zF9YkqNN2hLJJR^!%71)TE3htl`Zhhzjd8CfCV_Dc7Hb9ynL*4kX)4BDa;M{16F9ND zGBL%oEMs@^>2+he@{3dKrgY)VDx%js@oljdX&L?n8O26E9jU&T1Pbpzr+0-SdH-+5 z>JZhB9u1WDQ(JrPll*noT2z3ZBO1ct_ra=#!zwN(x=}L2hUBw*w|U6Ad-9C-v>DiC zFaB{dpz!ctN-=1H*DjEu=sFA8JwA5)B}#pD;6G}h}p{_$&< z@&CyAs&B@)I2_1d8(y_*m0ex{KsHLJ0=8_oPWLO=)`^OTnJO_q#o2e){^Y@gsD%6? zYI0Ba*Si5~@lYk?=c8$+0d1EF%|0?XtUfn{Rm=~WHY~Ti2#k(elbCa$v&@01-TC-v z94 zXlQwYD8M;ngk|TrTT1%u;_7}yCt%%M$Rz~Utqba)A>Lb!9+L<0-jre>1LD04tOFz7 zg+{~^${#Y^`&m{gaBo9lXW%Y6;?euui1!D?BoObXS-u%06v6q8P`AL?HwHDD5;%oJ!lP@}{g369W1$nM(xpYOa|Uz<1EQ zo|6Z80{BphISc_j3D$wrCCij9k@kixS9%`n69K!fzz!0b8>5%H+03pjhlX`x5{c3Q z7H-Z8WTJEflct4j=X|U>i@~7m_Gl{>shx5ka_}(m$v~+RnIDfe)LiAEN@QM~*9K-I z4?Y0AUPqg{j~&c&X&5G`1dbg^nAn==Ut|K1{W3X&0J8P)Em61zW^Xe(OCB)$#T45Z z!0f$X9T?0mGJ~0H`EX?*Z)TkW&{h_X=z~6bo*Tv8hjO=K*XJgXeZ#CWNHf{Y6_pD&(=hYpn?GxhBkkG9+F#el!Y#elm zSurU9UkZqepT#Evpu^@>r&;4c;sLvj9V}pIG`$iwvxK1eRH~9f=TFB>XEwr6q4Qto z^{S;t=VvP@oo_g1UwyMCxqJ$L#q+?b#lmy?Vic; zC&`?`@%N;dLz@Z_j&Ckt@O-`*0(`qsreo1@YNS&x;&3d#h;x_C$$c`5=vCw)w=8aw z<)M>-z=TdlU9z1l(AbY9vm_o)_+qkyh`O!GY+4MygoqcVYkDxn=7z56m0;CEu)hsM zrc1VasA0H5b)FTB&gyCMK(3e%>pd6I>Si^^m+ZNoASMyO$GNO1Ajh}Q$bp2?3(dM=d4hQ?fRN`c#ZHz~}mw|p%ZU?z9AuSloCodt* zz8ET!!MqY>YLR;>y;+pVy)eZLhREFm)`27UT*JVV+B{rgdLC<&$DPtOB1;%MNXVSEhy>vK zZ{!?u5hRqS!QVqh=g}t^(zg7*D8*I=_B8Y1FaDm`S)+s=6bKxj`4UVlP z3rbON)p27BXZJBA=xi;Ed}<)HdCSgf-S zp9Yn*zt`417t3QOaVyG3`4b-4oX6jr>mGe^Lk=k)5ftp>YHh1*tZYA2IXBXn&eVjiy(akA)1)81K$>gdj}4-jB4i)KpCj_mcC&`RPHA~1 zzJ`|G`U`xVN9VK|&ui5^%p1}Lwc^b!%R8s|PN`LI&lOM727v`U*+h$>jbh20nWkteL-=506K4T5Tg94l+^HcXIwKXk7XG=qv&A{-LQ(hv zuI&dzt2?X9&UAYg@;1?BIZzZRnvOk(C$v4FhI;6jgzWYG~6!=ad@GH*RAqF*IJr-z%K@Lg#dGwsEoSG~gU428Sv@ z4{H!1GiW9>;+Biz)6Ip-n$9M|l%jgnS>eK?PARwN8pY7-pjdw3!r_{A8(?*)vzecS zn=jO(hVQh?Uh(7{`O~Sm%*gYdqRz=)Qfd{CyL{*a$-)6mK4BReB5S!eh=$5&XCoRD zes~J?8cqY}M&P_YXp9xMk)BN3s5?bQ=joMJtKm|?O2!P=+1)cA~)!ssq$>hFMn-Q4yXlJEUKfVCO@2nGW;t&X)itYnP>BI3_`1lTc z)W~tRpi*$H7H{Byo6YzO4=!|0i#(-84t@-2Gr=E)&hkAFP<;~Bk$x=$ zU-h;0>kRt!=k%+9U+vC%;-@Z>qzMU+GWR3Q`3Q48!W@sZE9Vmp6@VV`+RAgQ@1qi^ z`ql5zf4J_OsRXKY^+Ng&Rk?Z<{f8PQ>h!hs_{DYF8P;h!s8jU~_|@*5qI;yM+!U}c zP*-)D|IqbSEsOW8u9PM0E~}_k literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPNormal.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.GPNormal.doctree new file mode 100644 index 0000000000000000000000000000000000000000..96c0144d110153f2d8bcb35a0061fc2860574c83 GIT binary patch literal 149496 zcmeHw37i~Pd8h7UbXhhQ#j$ZP_Q?MyFM9dfg=`Q7Bhx#gw7S-V%>++CaZyHZ}>T_t;Ppu3`0sXM&`of*43X1Cj|%1oz? zo>NbkSBft6YIUJzyDmQB@0E3XPW-i|*lDVN%-DtFEvH0fI^ET6dzOCcl{b~Qme-fh zDK9T?>vkvS>g~zGCyt0(hzr`>Qnb8~iUKJbsc65M3GC?{GjL~`yO%Q`dVCEb;kdeJ$h zX+bEcd>%wlJ|8mQj{ko;{{Le9{|*udBuec?S91_#r9KNKcAxGk%F400tV-SLYr+n* z+RCdAw0m}^d`WqilG}muxzG+8x&jti=xb*Vzigym@@@q}Z+BV&i+aLqR<52$M>_>H zH{Wbj>TP!lO>A4&T6^}6TlIX)t`{3~dDot6)*S7(tH!OJ<5r>3YB@F534WVtG-@Ec z#jd#yXrZEf6UwignzGz>3%^`E+pM$IUJUA;$4}a=S$79pFg14*H`lJ$8*S#O^{Kn} z=r!Bhu<$ACVix1Y*Nt1(c-_mpO}pSsS$+}g;_I%1R@k4mbXPJ(PZ~cYc!#h&UxL1z z1S7rPrIv88EnWPjI2_hF*a4g9EQkw&iO1I04*ADC0L&Z{$`(BYk>S9idb{tc1;d2CH7rqOf|n>1RQV7p7N^{wSvCD~w~gv~#%c(SOLnK$&Y!Sr9VghG?ip^U z*=)4hc^7e7`+-h_;>yRN*6KFm%DxysP zUVcG9zf%LWKQcEuR`7oSy1s!(v+j7fIy-*u)Q48<^|GGWgCCXr|JvA<7?k=f_ahml z{?W`l8l@!jMA!NkGxKQIlFSuKt)OYB5K=!(i651)#+I4JVtp3DXe8qt15Sww4Dn4g zP_05c`s^rrKuIgj3(Z|KN>lTf=on_Nk$F5&rEUB(jr?PPN-z%s)kfB zv7SM|N;F~+u-ZoRpV$?XK2TVv75DlV_@;U}YwTqVBosiDCUEJPnMXr{WS$5KkD8fB z8?j`rAYnOHHR2F~e^a7*mAOI<+EW4o^UsV2FK6MW3S82P@?GYh8AX|h2mi&$JRT3y zHvSVv{xNtUmuz5yS?gm62qe} z?qNrTzREJRTCuOZO*9Ejd?ro&Azv)V@X|q{QE%(pNcuj|T3S<^ZQ0GTwy1FAt*GbL zgS*7;kJWOtZ4nDAh2=)kDm7a8!P_dbu$1Mr+E|}y&s%!w4((A`w$*m#c<};T1eQw$ z@ReA!%g)#dyH&A4PYc4fB^K|kBGw{#LkL?j7WRcK!3pK9TkQ_^r|i1bY&8nlsj_$oLZ@G?h+@%(HEA8lQh<=f}rN9b_k`AuF<#3DRc^d&ynTrj27umFr~5$7_MxUW1Y0;(MoJB72UC&I|B;T z)v=Qs=ylhf7(0M;qxrU0b?bLEi2ST1)q6ysi%M zQb88&Z12HpWq43bOUCHly?)3IXWHJYUP;Z_TBRO#*I?hTQ9I!j zd%UN%rMqlg+jZnJ`oeMbDiHZgGAjt#{2uG8wa+&8cyE7?tG7{W(A}$g)o0<)>K*u> zP-Cli;+t&d{fi5zn(`tHVGV|_vh7w}UHx045yKPDQ#>Tq2Slx!S@cbpw6c+~agbCT zDlJrqp?ypDjYDDmmmYb25beM8$Qu?E@3nr0#Tm9Jj0~R0mR_pS&Bw}ztmaaKMO~fF zqPC|PkhJzB^#enf-;c{Qx|bUJaamkHRsbhIe$_TA?QMa~re@2gz07rL9xp!u&6PjX=Y{t}d=g$2$A}*RjAeyu2c-d^L(Ww`w zcJ8$9blTPwekxB*m-5fe&F`4DiVlSc9He0yBu|hbvP2|2W6xA-70iiH24~IYtrG3| z)08H6@TOaKjE{*OYZa$!6#4{+0#;e;bEhXPMBq3Dh;fC^Kv8fAW{CQ&SY_n`w1ADgMn=H{P)PaX8>$c}OA7^bgt_WgVLpY${O$x{ZN z5J*;D@oAo*c*C7nQGms?jN~DfnRyEnAx}1#s}=N#BqqmBjT;P^(P;t~Au#t*%*$le zN2bN3OcOWBK>j)_H3N~5bP(~N9IEz0anThV8pAj45KXZBQeH=V(Xm74`Vb)AN_+%} zE21I5lhP8)+r(Kha~L2Y?N33(VZcf@NR1u+q9Y_7+ayKnFuXBf3e#R|R|$jGn0+K|>2o#We;KN~R}ScxS_90je`Y{! z19-5f=&OXHvvbgzI<_KcXW2|+odzZvQ*-}Mll}K$$Lr4;?~BIjoT1vcF^FgyUvm@B z^qQ!{r*CW<0+6UNofxXIw=ER5YArH%)AOSve%F>B(TJZpRCmsdM0Sn6xosY}$uYpQ zkyYZ~8k@U^YUOP--Y&@CqGGIY$I`@D)lU*=oqNZIKu`nJA0yPy&(s=)<2v>q7IFyr z{*8U(KScz`(7(2wpSO+`iddc!)~h0d`}ZCL-41JfY|NALB5@ZYLJw=unHxTnr|*~f z3n#ps&|OvU%*{Bh-huAQnmyyx@W-lp<0RI*dymUw6V)o&!8T8hX9VOJ2oAdkPnNL= zzUl?+$4qyn++A3i`ni zoiaRH!MQwU<)eB#5G`^^klLXy2?kd#lUfba5o2(LX0NoF z+p1tQ6BA-=SW)nSMG0Knn5Ut}pWDh^QK-ss#=MJnVmlO6*nz}eu*C=6Epgs`YP#<< zJYB=NVFn9$cAnWiLJ|~R!`#w6FF{>et8zy1=DI8Ro`$$m zf%^};#QlfBc?DX|yNK9qtzN)#k5^H56*jS8aXk@yX_q#tmx5HCyY??_&=n2mRI^qo zRNAOj|)&SczGnjM%DG zMGC-66{l9rhb~pg!|b?$%Rg%>7QfKtTuI3rfZBHB*g@~2mg~ja`X|+m`;A)H51f*6 zj|t^Im;NITk&tuwt(a*P=lfcTpV!Ucl#0`i?jQAHE%iJPOP=c^4~Er`_FciUayUq` z!`ijWI>7Ne!JT)5)DkyHY44^;`yL!pouUIDVhL6(6Y?!b+9Jax$39X(poRORh@=3f zbBMHx9=_qGne@GU|L#S^g)r%n5x*#HydaY{o-efV5dOmux6I0E21=g;t9w4mNV{6n zJ$xBzXHa=1C5VW zZ^Admg6hpw`=i3Iw^n^wE!|-f6)x#oUwY(~`et{ZIJb1mKQW6_77}ho3fS3NJ(VDO z($Wc%)7GlXMXM+AA1@LS<`VS77l!XEMY*B4{$$C!+P)Xc12}w$hXNCIt}3tzR_utI zzrycCP(o|(mAX7$Asw;$h}PC_|9vUxcl|#op?-?`&bR;5tgB16`y@*WV{Fjv=(EmC z4enBouhE-paI&w47{z;z=44;yM#UG^oviv!6lTW>4XaU3_V*}TeGmR8-nV>#1bnMc z9udA3QKqVVYthX}8A7-rsl4ms2{O;@T}PHz2m~B^@7b z#EC+`hZxFRl~ZAUG>ZlkdHfWkehqmr#x$~^G_b%@a}Y|>)F|onASKnnAy2edrj_u- z?srx@=^Ctt8ZQrN>VovQH)-ov+sJhz@hy1EN@82^qcZ1htAbb*j|*g@64#yvqKI&U zKBvbu?b6ehZupYZ-ViHuvt;-%$<2x{Ixw2N%05QmYy|8@1)Q} zAzH9Tqy^F4->W_RS*ic%AT2qvSaQB^FgY(B_d1HdRNve|`sSNm;80KWIxTm-&H zltDT(+7G7nq)2yCataft!iU!-$SFHM+%iM=c#yg1L8lKPF28~i;t>6Y4sl6r8b-{q zBXMF(vG$Bc|D;55=IWq-$NQQVac%}tM8rv-7X&MIh8UR}CF9MDxl!>&2gZtVFiyY< zA&`_H(t+;iZ41aguEGy6CgwgBqfA= zV36KPksBdojb~1t&eaE{@Q)2r`yVfsY(Kuhvi;&9y-Oq8F+Y^^13CSZlJB<%X~8!Z zOTOPpE8j3Q_xW-JG)I)#slvEK;8HRRGfD-}k0!`0J3v3X*0ORX;3}qjo-1h+zdg>b zy&Tuw=`CL(=O0db&~~Q>%r_Km+*y{Jm(k$7tR}OOU@rrIDk=(8;{-SsLP-h7hX?7M6#MXSTpFbI z!eYs`yuh;k`9XS@Mz&s#$tjDx(zD#qS7pI38>AiG#gg*N(@HrE%6(oP0m>0&c4h!9 zC9^Q2RG@r*g3L05@{#RW_yxq~3!S2E<#6`HLJTZ6=przhw}}{}alpg_;)vaBq?n*I z6@1pD)xoJfN+q%H@J%;h*Y8B7;NZrPx6_BpIp!`^kRjf(PvFR(JyUZ6rN^Gz=-|>H zn9$*sCKBU=9okBJTo+Kwr*>a3F8|ttzmU*>f{w_DB)B4tgkHP0<3-i)J9wB!7&)*+ z^e1u}u*Q>{=O5~WQu9YMxrUqoe1z59Hvyo}=|>%vmkUQ;AS`Vt{9K4p{4kL8=c*qq_#Fedl7yc5;Dbd-EW@OC#Ix zhN_fs__LDpy@Rym&|=B?NLo3E$8wTQ04pQL@`y6u`26a-4D(6dH5n5>@Ho3%UyMMX19op5%@Ss&ZwWC=HJ-hR8x~)5;5gwwf^oul zCWI1<6Jp1+-y5WNQtU>ls^QBpo_%7F+CR2fvi;-&%l6BI^e&BT19Q;JJ)a7FRj&2V zgS6w@izVgnrj>GdH0$%~h|w&f%oB%xc7RdoB;3$c1I&vPbdr65d4#T+$c)fD^Nn1U zyuf=^>jEBW4uFQTN+N{{&TeCT!k~gYg_sG_S#Im#d<#iu8hrE-lhaPcEn72A`=o>H zH0oryi&LXc^ohtoj%kS=fp1ETmy89GJ|1yNHgeRs7(@~4ne;jRs9~5{J~PC~+$g!0 zc`Y|8zUaUs#*JW{Fk%RSq#QAh4AMI(^5I8}${@9u7E89r7g)A07^HV;WP66cwWNI6 z8#f|6)PFkwI#}b41a5QgFRn6!k7ndP%TweQ;H)GlM+I+TFqK*xg^d#8VnKFdYV3lW=_x8K zo6?m7+zaq>lhMER{Ma%ZGfk#2R%%xZ+O~V#ow#7kZXKzdpy9QNrCl(me@^YWdiUiM zd-hy$`PEi#@9sTU@0b{yz7&gVtS7Jdp=WJb|0nj)309CHInZU1*BseVgH_3QXgD9K*;4@O;hEFL6Y?miaL z6Rc4zj3Ho+Bef}LtJ+J}g@PDd#YLpnpT78-VeH4Vkj;HIs5NCQ)D%N(vx09scO%&G zt#aHO>~$|pW89qZcnwv&wMwE$0xOZK(o6qyJ*b4qD&XXVB!0%`E_}lF9^}nc_bo?k z^${eMaDpjI{*lbzzjID(J&f}+m{h-pGTw#E?myjWpKx&LYQKGI*KJOv4(vk~bst-v zx~R1nd#+pg|gCFVY~5^0Uh~#&gx9 z1Zkg1f;3`lhO{H6V^jT(Km7eBu2TZoZo$Gbg-eGD<+@YBq0({dSy+t5FBB}@hFrF_ za-&olw{EE8&pE_XGT#NgmO(}K)0I`eC5rP@ zfG(Dq5|$2Ws2a4oAzKPUYlc`bMv#bxBZ4kJ3-32#^?>;j;Uc+w6vQ2r2W&t$Xkm&P^4(w1gZ0`yB_FbgVm& zZiiv;AU)M?-BQCVJHW`BwAtwNWDQsx-)yQ7jJc*c^MJvy`lCDfl!y3BfaQ`>WD?M$%a@505HP#HN<*- z5V7d75f8CmlZ05ruphBLr_b0{@8`$h{M9)B-wO6Wm0GCe!+lF}<#FUTUXOJ+B(}oI zgig(Fv1ys)p-y1a^>@pBro(NMRx_4@1Az-$U}P`erWH*-hWx-e?v`F zeZ{*KZ&=4CU6*Z>gr3UuCY7qhTECLYxeWk^~$)$I@8_aHi6lvCXg0$ zLi@Sb-K_m9524lcN2`wf!PAy38N>hO^Obs~ozLfv_N8ANw6Fiv94g#L@^L z>6EZ?#t-j#Snqye>Ru7RpDM+-W1 z1;i^Z8R0#-u|f@(M7TfnhgXBY#mYrkhx9UI9w7m}BnjO?^89*aj{nJjvKsKN9~4f7 zrCtin4zb^l4hV5U^hi|dbLo>3=^O`%sckrroI5HGI+I+o@wkc1vg}3${iWE=8qze5#EAnv}PK3K9J;c3r=g{QN)8>Z_V=? ztg7MpN!T@A!oX0!76+x2;{fL!PR9A%Ph zU~i^S>l7(_q-H7?15Kzvp5D`xZ7$h$?A*)~Haaz=@xT%S8X{VUKfHH!wcg;BQ|F|n zaz3k9M|QAggD!gs35iqt6+TfxEE$g^S3)&nfd&J`VH%p1$ekduPy&0#QZU?FST7aL z-F5FiY#y;Rd_Rtsxc~EzLT5fMfq~N`i@XbPc(Mg_MA8CiO85&zOBNu?s#M6(1YdV3 z;2BqXJyr}de#;;hSG-v&y_4{(?aa=PTX*i?hn_p760*x8#TQgT2S!E5{XrzUSP&0ClsF=^pBFyU#E z5IW#G6&m2ykOvHCG|UhPK~3J*Xd-0Po1q65oH0{T0&TcP%5*2}N#Zio;hji7e=@i_W-zQ&moquZt4-WHdUu^wcfN19& zdg!*|&Y>RyGo_QDB0ULupQDgcIuJ4q()?z%V1O8uqZNhap}>p6JRwcjLvy6irdS;e z$jFL$J|-QCN@Mv6UQwt6MZ@1I?=y9D27?h>57i;W=|oZCK{OStlC^mlMv51)t7xSk zZVJ_n%K$k`*qPKkImm_@B)^85;{~Jy8L`5Ok6)9TBE=kPiu@XGiWayY)ygKsj2?6` z8T^$Hmbmy)u|OCK-D&ddV}v$Nt7(*+C;3d#u?%xTMTT0MI5nH+7(oP)7)5Ys7BM?@ zPoB^v1I!_;7DsF`SYWG5G#6ptJcV`4g|VN2IdT9156tWlgUNTu_X~ihKo`N5NF-&+ zkCaC>2J=Z~;>AfF`@JSWV_q~oL`MYYJa>gPOISnw=S;J{_ynwD(3Gtvm8uwy2NDcw z^p*zAK}HSxUgc(qZ{lT5dju5+$KfRfOcjej#eNDg5oA5EBr8r& z8%T6AesF2`5|ko(60#-<`c*-2Sg*${26OY!aK!5^=(tvbUL~b@R=(V59M94J;CF0% zGChJ~ezuefSoE9sh9;DP(NeETAiG@95i?V$i*{^@Q=KCixx6C>0T~hXvr_)9Eh~)E z3lPkr2fC5G^v08 zleb3EZvw(a39l%;gpc7r1h;vtJQc9!hY6gbdhb3BdU zaTe2ZTw%kaD3!9XIp4v`BY?L7gU8Okz(jsJ)^D|p{rt!pz3)dCZnU=^c8Eh-<)OlN zWyH%RnFj&{NCIHz%~{aJLxeW`70?75z-a{@MzL-T>9q=FT1cQW{*yn@4@cW*pKD_t zA|@+TR4y1%*zaP3tgm3Ob)mX@C^fdv3V(}rClQ;6>?XH^^amjpkzOFY?opz5jv3eF zvWK!?Sv||s#jH^LL4C!nFo0x`yPP^Wc-|K)WxRZhX$pLlM*Y@2q4*((mRZohiFjIcC3j&Jri04gU{MBkdfWSj94N*y8!A7oG){B#H9Xz)zmkl+WB9s@vNcw3v@_2TmJ)hf2O{EkM=!Retl8{E{ zxszJ(5u~gJBo{{?n*78Q%~S1Jf^XErjV&5Dc}5u3(YmEfGtdT!JTJC_~J= z)j+)b3{&#{#X6PadmFb%Pf$B;zSGmH%;1eWYP(GP zpX=kqU5b2gh}yjz>$#B~TFD9g`+f?Z0XRC!y!c$8yJx){lXz*eSqoj$tIH9g<^=Jjd=kwnJ{c`*)kVR}ESjbE;m9TM?c> zt2@?Xds4jowZ?0ewu^oV{T%zwNv^sVyu{NxtMI@V1kj6n-s@s;GG^e2f8OhIkZR9+ zEvIUNuaG>ZJ?_=_l27#(YUK75>YxoJC?a|nTfp8a zir`1J*MF2)$C_gJ-7(Sp5mDq37FPzznpO8SlGN7f7Uo(#8~+I^A(yC_yL^OE5xo)6 zR51Z*6r=;eMEny0Vb=^(K?IEb0(Duyn0AstGyWG+fmrLw0%VV{SmTvtc&G4}Ksq## zJ>39gN)00hWzS=w0?IZ9CzqNAsfeyYvkyr4`c)zl@HNj>#OqCiuM=D}(MxvTkoshb z2X0wN6!g6>)OB+wMhg1glT|BbwGR({2Xti8V|X_S00V_(WY-_O-L_EtBT(>jWG4az zPXiPL8l-vB=Z)r+1q=T&L3;)){5y~ijfIz(u`nor(F*Q9!=eQuF3af;PtxbiDENIM z5-9j2vo!;V4C4NbizcC9!j#MpCAU_`HkfAs8UTx`7u(gRlq=E!L9>5T3E|YGdPG38 zH#@Hg2cCe4qyw+yLyMZ%?xx=sB!U@FP=vv2r$9Qi*Wz$d8*4igSRSU^oLK6a@Mp%N z*Q4dCIhH3}bp@R<)l^15=qfWCv`On&hnAym$U}db(7fo|aqu zsn5VpPiv=Or>FbR!Lm)$-SstIMVdIKL*fXmM08h)CV7$4vQk|mEr&?WGPy|PeW3a{ z56|wb{nTnUH+oY@B3|p)X>!t-JvdZ1PLGhc3KGK&O=D~$GC#hL6=~MF9JGWVnEO6_ zka(Ss_WrqT({i6zC^jfmD|%j0<6z_!x^6mR40#9Hm|W5G3Th_!PNNBC3I2XFK`Vw~ z zxw)$u;92zRf`s``0jB|XTrL3V(D;0TA zfg^=a-^(iT#l|PspAf1$2oXsT%(&&>UWlL+c*bW@kMW`Lh;65t#cxCe6rR7yhr(^f z&TA04ooE(hUV9!m4LGme1=67*@+!l;)+~+Dg3hfhXF%tA?Z%D1y+s9dm6|- zA_1ajaRp|Kk|25}7fk}u^n1|lw^p79s%jlj($-pM|Vf;s9l|<+7}VgXI*V(gO|?y3L+BD ze4N>)a^^A@T{vfcYu2jGeH-4HFH_Fk?3e?9W+&EpC$e#gaMnK|^$2HOj$BKclm0jQ zWkHCjGkuE|N!=g}H-Kg`nXb58oKtIKS_(mB6EM8Y}$E3-}Iod21N zCOKz!Z?=S6l(fs6$P7ZNra0dZiNf5ek(%OsH>;M+W-vUCJyRhNyk7_HZS`F4Npq~~5*3Jc|0Vf&bARQXk&NIOpb$YaL?Q9k&aBWOw zankfgKkIrk8@9x^>xf9;+f$jn84Bb~;wfBoq4A9p3J!>GOseqh?vN@=^x-f)oF9PY% z_;$Vl-(t*M7HnZ-|9iT=LKs)oVDk6>gRpi$)5Ee}j8&7E-{b%zYmoht=6CN|bAi zGpRr<2CL{YC7%fV{admnfxjz=i-x{mHJVu#^!-wT1`O!?Esze4zNYAsJ3U(1`vn$f zANJDc%-FkZvyZ)>OVAR8h!#i}&kX4LYteaB*#x)DDB&j=j5mh3^`n3il@L$m9R29pKNo{^v* z1Df3q(xK7JbR%8~bHrxMSF%w1FpWOzZf-VpIa5ALL?WKNjM=6d`}c6sL`=I5x8R3J zUhl!(uxu0(HbNpYcXp&Aw^~;1nayMP$n6dv3GoDh5d!hMz`i5LkYDxKQT(s=R6*oo zq1pgR#XJH8UrnYUH$cEcL%-J=jU)^D^%8VqK)<(ubZGQ5ZGcdpM=O;3WtJvj@65;t zEi?^M$;?RjJ|YrG_)@OP3=VP@^aK}8M8ex{S)j)@JWO0Th6)`&7809T03(Htf1FjL zi;a%Y*3nTto|1%7^y;0__`v@Qbh!Aev^zu;O2$^U(Nr%Z8W4T2>MS6 zdNUyC4?#LKg60fsk-^@N7MA`4%N1C<#(Sf4^AIborG~_sty{ zsj2jrvTA0r;Z3E@R1bL?C%LMa06FotWdzcxjTc3dnsWr+tv|!ZJMGa?&1*JNf!Ik& z7RVa|C(|6j0C{JDbZE#kZM-O9j@Sz1Di$iwnuX2ih(|x_x-*--j6-)4kwCoV%-jqV zGHh7FMH3P4F7G}(J$NA>Q4;TJ;Bl?#Y0(8loM|7jWs9Z^e&?7NYvz1iNF>3?6X$ol zCU|hWN_@~*+!A78mXC}*sa}pf@f32(M|!m?!>vxE$Po!mpTUAL%P?SL=DrUfn%?P$ zrUVMw3qy%8tCfviEx2W2xJMxQNis_jxo!%zT(hKkqw!{e^G<@|3~>G^NQZ{=orZPL zaQ{anl9jOg081927EGp0pEINRtB6RTd7as&^0ebzG!f0O^FTNJbQab{Q#={&LF}+> zRE+zZArYB7J5n+3uVvNVV&mjo0LcOmzb7JPptQhB@m4(Tv*UR)hhG#rw)5Cddf0K+ zjR=IFwQ$u(fa(7rLlR)RnZP8_U=2>6G#XqMIQ`QE{Tkr(uR%IAoQ@~JX;1>A1*jiq z*#c0viq~ZE+NrcM?S(r{t5iNS(td-81k(Nq*JlPF8Pog`7fnRkU-Xd{OXw%9Tk&W+ zJ+p{+>FhQ^ZKKu1dw6ZUtxkcpdOc5gm3Y=y_!T|9NG$x9?`Q){zE+2KbMYi>;8||m zniuD#=#jkKUH9(W;oltknQD_71C~7{s64Y8MrsWBaaOxp>@h$+KSChsKSY>_|9;7Y z)ed!DU|{|c;J$+_M1cE-0ACFPE-_kB7GS>^oCaL>xE!QI1H0+GK(P0t1?t;bt}!bg z^kZfOzm^}|w{g)#1i#xuZ~|!G{^g_LLoR-tm%v-I>!TsT46y!D2(d6r zNv?lTy@RiRgj;RKwUNT~BPCjVhp%UNtp4#wGTXGT0#niyyMB{Rj@K2;X}5$OC+WFcCd?eoz6f!41aHl*&!awS+vWqr*%yacm;qMC*;Mb~adx=XW?UO7Oh1POW0s+e zvxTLZ`#yY}t&YIWb}B{3jI~rkVE8G%T+#nht2&09nq35BA0e9)kiC-mXeRx0MtjTx z)%Pao!T{ApkPZ#irenyW*P{i|ce6YJ(W`Q&aP>wHqUk3chs;(jJi2;~ zHg|H-M1VeUaK6>Bgpu;{bj81Gf{?f}(`n<$O$%odd1?DryMs44?Yh-$ zH41o+(+`Umnym_Sp9qQ2ER2x?#g}B&uGxHs2Ss&|w`|u+Mogpv0um#32UTvBlzbwv z@I9n=frTrGiw1@7HJU^gD129f1`JU6UqCuE6q<6YaHmHL3E#ou1QG_1PSEGfDEMbY zBv9}-n626IW$^GeE}DpfHxG0ngEX=j_c6X4l20&NT{Ar`DrP5vaKrBKwGg>kP%=`b zIt{lm!c8(G&q$%}7rEzVAqA|--1p&8R~>mP&o`YGFC{u{r)6IE4V8_>Vs+##L}7;a zU`rw&k3DCLkIdv^ zLWM(*<#x(LeEPJMe%7^THh$^YFC`-3*d=D4%CQSvG|92MTaoO}vausm>o`2ywAEgX z7xx&;s0rhnL!C1>bEHC-H)fT)S+T>TntC&)lJIy1ewR3AO8Ks`IHlqjF>U-9X*Ged$P$QrG(imp$oe!$hlVUu7ANZSXkpbySelGg(li45(DZX=tokYu39R}M zvp0i)3_^aNizZ@K#y2T$A3WVVlPYBUK}ZzlPK^|@eJ`t)78}`q&OhLeTnNRyIPYt^ z)~<>PoGVpoPTih!ID1{kb&lof{fUHgIf{ufdQ-(Bqqp;)>SN%TDyl)@b}FzS(c5|8 zG~k?U7f6SOLR0jnb$zrDaVrZIh`1%^S<%sP91?ffgaYVDMRiS@-9kok*AtOI$FsO9 zGmuDhJd=wiqT>^Br*xD$)F~Yt!U-J6bk$A+&e-$$9-P#{@g29_XgNizSSgj9mQ!!n z=5a=64ofBYh@(Elq~*-n2-tB@UK0A76F*B$QfPiCq&l+_MheXjX0qVJa09f8?%vn=*yWN_aR-Hq7fjUEW#ieUhotncJ zq$+LKDmre#sTb{fTkb4VZh`G7D$$Jow?a}XKe^)ty@z|b^2+Y%{cVZxt=}aEa_vjC zTC3rMp&Eh`)!k}!bAA_fzvqOPJ>@RU`&iCF26|D0Uws6mnqRHpdb;acPRTjdtl{ix zyZ1Q%jw_t?-s9DqRxVjm-M$?Eb2I)bKU%#7|LKltJsd5^AwBa3)4CenNDAVAA%g+k9;PS>ywHNfj$C5p8m*M7b zga}5mtOdd1jT7y_%$w?G@Pa1UAhRZFwJ`V zsy6p+cmQZ<08p@Nd0{yAT(g!40O8^?$`!OS&K<{;YOaB!k4+3Om8cYeIxvJeCLmC_ zc;u4CvqIt}s5*(p>gBE}DcE-T9m3$;ny+%CKgfvVEe0bCQh` zmLm|`?iaD`$+AeLH-9KG-0I;{nFu&768)n{9Fv+QH!AfyW1J`)m! zxl_(qe;~I>Q8i!m5yY<|@kwfQy)^s-x_gxJBUGzmg3Id|NGfX$bctqlIKa zxE~}a#DH*Xp0)r8XUa+K^?S51?z=2eU|jGxI(^QJZ)Zcq65qa)peQYr{1z8Y#J9`5 z3?jH$gX`@G0V$5eZFk&ZugOJH7t36{&xQ4Zla1DKAK?ZgRv0%yJ&T<&>8p{{v5~^K zOVG8H^K_x9#l|>ws(_9L6!Uhmi2toMTsIH3&zT`Fnj{th@A20Jq6v-D@@SICsrg~D zAAyfsqRBM4e2&rBvcTn`1l=0o(gx|!0pT9Qx?PMIMhiXfVgdJ|Cw$w&p-eMu)d^(M0roA{ITxuoac(1G`qZs#$SrJT0GTw95ip;gw2OkaKZnM-7BY7@-g{msYwdyUlLNCSqUSB^e@b6Rc5mteyV;fguWu%dK!S2 zB_*yOl}oPUINws}v~Z5>zKCd7W$F{qGeB(-k?(Jly$EFA5a6o;`n!!bl?Bj$D?x<@ zK>t0E4h`t03?jkaj~0&q2Fn#Venw6jlW$9b;{{YMGqC@6A`-y`%t_w*lG=n*HWR_nOqhuUI|X7iIV|~&j9JrSiB=Kxb_4) zVwWA3vS9myYWl2e&g=p*sD3&T3GDq*dLR2?I_y0ei@lXO%v>u7heb|3avZrll!U`F z91q3N@@oi(e`@tBOujm#lz&5*dE`LgmLdlP^$qFJ_ORC zAz^o77#EhpXu-leS-ySI9DUXmXm%DE&3%f91Q5KP*`@-5U+1C=2LxZrTD7@v!v_ZH zog?8kGSo}~0J3CsKtM|%bJ$_S0mlxVmPa_7YGG}F>Lbu#)m9%3LLw6A@PE_0 z=nqn%LpOe|6~F!blbP!+a{X$qcU4F!X7C-U^|#B}OwApVb3I`%W`i6a(q}>umv$)D zbXP^-zbfnjd#Vi*^(1tdO^T63uQLM8^JF_BwmU7%T?2I6XkuArdiN!0)DYGk2kFp& zeo10jrzAFF>vPX#(E`&GHcO~nW)Odvhy;k=%k`vk%0pZ{FACb z0_s0Vb|#?S3PXLk0~+-Ip3ywBK>zP1Sc3uj{|KZ*L;o`}K!2Y=Mk~Dk9Ts)pP993KnT>&@5veghR*kU9KXa2jw9|5T6;?e`Za`#pO; zXo^`P#F+%m8zRIeNQWLNu1p*$VuUeT(c%3p=Dz5VK4%^)eu0R@SaFount@10hex>R z!bOL#%v$wgL&kpJb^Ub*GeD?fUSw!GGp+6$DmvqgRTYao@$muDqVW1LRaEow|3n2A zBpQ5wf~pKY{)ZqP+Q&^empdx$Ca`Zqzw7EVo4*VLKSM;qwSSxW zr*iFgaM2{!?p_ib2KFua`GHv`8Wk%2L#XrSZj4l@^wq3-F)M!fP)VJIYvQf8eDZ^W zs+hpNN*$NsIXUHw)3%Yehk}q}dAU&%brw#;!t7N>L_nu))3DIzsA1vhRA51{a3eSk zI5R#6q>GD%s_UbLg<~vKVBtAAHYOybBvTTWBn>G5jzpmA)9fP>94ClKfa7Ye(2OcF z?peV_6T$JE+%337%_($niqt_?2+j`CsMqFq_-JS@q~PzyQ1{FY9Vz&`KC9%-svREw zW>wfn?!&3fC|Ocorb;r$XptlW7A3vRY1aRStGY1FfVwahM}T96j7bEFTcT^yfbzJ} z^0G_}XA=}{2pT&e9U3T27p7yxFj}BlU;zU(HwJQ==~>LENM@LP2@wgHoaQRb=p$kB zJ}#OFllSdw)RAbSja5CBvy3uLG?0L7#%>qNULrH3B#TR9Mk|7|l@quLGOgz`n-(}r zNqi41Y&DvL{D+W8%WJ!v+LdLru?jcTjH4qphP;+LY?e*HEX{o%ehdkP(3lP(eU#~N5d#nxTc8j+ zTa^)`#Q!8)@|F{5RAY{sJ$;r6EJz6b=>+u|Musnebm)=6xSXK6K3b!}|6rkJ2%(8U z*QeP>WC;DwL?p(BPjZE+obcmZG;wS&N5|d@w=vFEA@rJagWWSXbfn;KCAwysg2HgU zeBeUzX4MW4e=5xo_?B9`)bm#agWj1 zvP8|h5_D_8#%F+ZXlzW3n)}5tS~$6b1q_@FCTXM3nbB}R5eYQBh}oJ!MusHYxo9F9 z{spZkI5q-ee~DY9WK(f7?T)*h8I08Qss(4ML{eY}?^={9b=pqnGZJ{*gHs*{-n-<& ziZN#g#vx0*a@1-$ZnIGr`Gbjpb+UqVMR*_+L*s;G1Yle`*Y}Lq=sbkC7UK?$2uPi#-OZQ~oVyw&KFl!rAVO zBSRdK7>9U4yMHWFw?^a02dpzx+Pf&yl)is2W|91`MC4 z!V5Bu|H}mZ8i3*NKsq!qm_pSUF^m>0e1-+gus{~3!vg)JYtigFa`OItA`-ChB(qKh z3xCE%lVG8nyIT&sct8^ixx%e1b}J-Frw~wtseb&Io3 zp%Jsnho96}Bha!#&!MJ-NiM5}PdM!B)ZIpl4+=D$mP}i&+t(~wMj$Dml>@t z3sU}Kf|3nL`8tpejg%8<=9!udMhh)p!qNp=o|R)uV?)#JOph+9aAu@@2N4ORd?8n6 z1|W%)FW{m{NSS`p`TJR`UTmmPiMf48!ab&pb55PYIOSB?#TKl#2zdA+san9pnUVEq z0P!U%yCCz;FC?he01#gX>CgaS$}Scyh0%hDzhe1DPB-Z%U5RF=k<-l|5s?6dzhKs> z0O8YIGzk#87vHT-H>G=+W}B(YtAOfsE7)ms^G7P6+Jvs9oNNkxm=!+!WV6^G(s-DM zW8@iD=fYG*v{d`nef~Ratr4hsHQAFu&8NlIry=JvjP{o$w7N1u-3H{m8Kgra=VfU^ ztFY!q>}vO=EaOP@q@OaQ=W~cipyzI8ZH6BiPVM5NiRg)2Ibx5DW}hBb$udBZZ>nta@2&6jiBe6uxw7wY;|+n*~Sv=!{4jv9(g_H>2Xgs|l6`uCVf5Z^A%TkU+RQf41qQ0Am1fo99 ztj$m)5%tAfG!aqL?`BA&O;4b(^p8T_Hg{m8u=K-OHL}=PdZIrf=F)wsSHKa(;+oYPg^)nN$G@~qPjganUSq#_1mbs+HzO*;+0F5__u-1h-d)M z6d~_Tp{8j}pB`dr#{G*>BW?vzOZZmMI=zc(FbTKR45%YDn4HaBH%mzl@50c`eII^# zeUf&F_D zv}l0+8ITSQ`>D3hW&cMD;}5cAfjJxbyy3V6NPP>4is(3I_7H&%)ix1{2zx(Qk;(<1 z#YGdbe%lST3ZC-9YK1jb>eLHU(|FCAZmHqyyLR()Ocm3t^082N%1`>3e0o2(2;+YR zF%ZVTUe%k^Mb-<|5$wEf`Kz1ryQm92C;Z&G#O_~akpvm&MGdC^Mv!Wzzk=)OuA|GT zr|9L0O1t+s|BfxFdhhY-O&Bez+n3{iZl-bL(dsSuPj^i9al~egr0M?4uwnhDGUs=b zLWMcMC_y1w=pxM7T*2@oO2lz@b(6 z_}J#&XdQo z{N_@2f`}8WiRDzVz4C%!C(X?rsbG51s8WFDAj$Y&9eK*;S}rx|kOblBpei3qvX zLr6C5Xmm7|QOJ0IsB`9KjubK;%_{fBMn?TC+5?>mZtLcer>vMy2;TIf0vV4XW2N|d zj5$QUWv4@-&LUH75m5LdvKSuv1zGyXY1A){3xfbp|`C+8%-`^Lj7XDSJ1>~rJ^#dWnnME*C!1}(dI$dmFJ?e*? zed#fbXxCR-z$@o%kaq$4Z=I`$#QVszRu+M-Um&v)=(@R&zXq^hG@4fyfc@(PZ5jaf zA3-`az?vQs@0Y-6VeDsFw!ql+IW{Uj_OHj5R3J0F{wom)c>N4lV8#{+uTOH(M0nkP zNMtMVVN>K1!OAa^a*C8DK5(Wgt03{T?ZM8Pn>|vHxB*>DISUthSZqktQR;*vvdJaD zlUGcDV5w4bc(bb?0af~F7wK*?@{Yi~E6FYd=8Y+i8rWTJG@LA8cX@)I3}Ckpq(g(9 zDfgY$_0dAPJuFn9+*r=D8Xe>4=gb&)n1}?%O)z^iSV)Y!go`F(+~Gr%rU_9X(nMBp z)6YiMP=5Tff=o;8MypW9b4sKRi?(k#kud1f_B+FJs1hD=x z8HxbbO(EVIy1v3_PFc|PmlCvRK-brUbZB%n9T^Dsf3zU>36?A%c6E-;NXJ+DEi=CU zHW3MYeF^h6gNVe}7jn@=e4V?8vP=8e=^ybDF{Iq^51qG~rd=M)?2AaHXV>Q~b~Q`5 zTB*@NnmfvaM;Yyq%Ve6r^D$8E?7=o;wVK6$BqTBIIKoq7S{LD6|DCwVsamKrfrANu z8mcWQY2CjP4<>w^bM>Mx)Sm3JF(brg6XdflT9JYc>ywA{?mxBh@eb|3fU4c%z~Q z1pMDz!SFkX>YxLGHcv#&FM+9Ia(#T~v7Le}Vz||2FWI?Az`%JI`YkKZMIJ!RlkVEe`;1O3ZsVmmGOJaKBxa|raX>F)HuPIBb*~PO%9gb`ItKNR= z68^vYNa59ynr0lxsuZ)LqMfE1rRG1mK+_ z0}*l0dY!8Vc@G+GNDq0EPKcdI(3Ao4UI@~mAT zLp{<${R>jE4csBAzK<9R>pv&HL4gUt?}pkCl#lKWGy$N##vYjb9hO>~c7Nk`yQ`{MQo{pasjq!p#*7KXO#m0+oL? z(v0tZF)vuQTeB{wg)CC|Q0J|4I&gy=aZV`5?=@`Q;NN&7rgR~<31e4E59Tq}Cg z^c^a&Ad&Pp6Vzz%qyGz1&5sr#lJZnXnM1crdS^`9awHR0_Ztz9mARf zg~zG1B z?UR#@*73<=qu@@ujZUlJOy=qInA@3~gKG!=ftLhlaW>PfH0qOvMz!4b)YX?xU8AwN zt|y~}n^>4Y!p#B+$E}^xIP|3jDy2KN*|;U{m5E5iA~$d?@xh?xJ=by3MBJO$-#FnQ zDN(&RiS5mT?czzA&`JY6I5WcubJdP#Rx*Wc&kKpb+?kPDW0=pX9kcp}$F|!w5Xw7q z&9-@cq1_OLJe)%ySaeQQ3Q^ZCt{Rke1lGNkOhRDY8m|o+;=RpiF-fh&7J;+E&Ci4cX%@*y;pUTB zb-dWPsh*jFSMm#sEewKqp8|B2q0Sv+Y*&)VD@&Sv19?W zUrW%90nFY9(xJiZLNl1jo{v@p@)njU0Bw2hh(76~@0qdeqeLXI>`lzq3=9&>Ue84n zvFwR^Jmcc2-7Fqbu4DdI#LSMSdo~vR-FB-o)1jmP{!${QevP_gbzDL`ni5v(P0au1 z92cZ(fN7>rSnb449qAXFuCZqkLBC=X9PCy&dM+Xk(XZVBk~HWMg!yJ^wWYw zmOoBVg#nB=pbD<5;i8FfeEB}!Xh0TN{Yay>(LkU)Ww+a{scElA+Ohu&(~xV1duhmUwIe~Ng=>j$ ziED{mu1|Zd(YRk9;vR%dJw~C!KGdn$!#>XdE7Jtn;1{=pRP&1!TukJaW4U?cT{Z{z(IjG2 zkx6cu-7)5eK?V#X1{w9pb~HodI2KJ3nVj(FNe{y7wnUR@KKKX~UXY>bc?mixA8^@R2{eChpoeaCP&2n`jcb+Sz~lMPWoVp%EjZ zNg^@gQ>1E%5z%BCM*KMyUJ#7{GexSzI*9UAuebX*bL}X#>MF`=sT*BL@%r%XNd0s%5o% zL!vNuN{C`aPCg#WswJ}-43BIofyaYRtHB8ljriu5@=y+UdNKQHARio7ejD-Jzhy)V0xehaE$a%~ITr?30CwX(1QfXG4I<|Rnp@CN8`cM(; zaHJR?1~bzs418Be2mGw|B=f z3g*5~4c}V*F4F|N+C5V{L2lI=_1U&PQ*(NDcxw93g2%Tac<4pT)$(zw@*AS~&gH0? zqot~l-T_mii7-bLTg%TBROK33U6>|UedkIbz{*0+cHQ6tW_K0N#?f&MQDik9X5gKJ z>er#M?i$<(Dro;+U2jydJ$4GOqO6yH!U9|K`1huIgKpfALCQ}A1=n%2wwBkIw;d>- z8|X~;Y!OfGQU~~V%{J@U=C*4P=l1)0Bqy)bgeo0%;bh z&&6JM)xCDD494D%N1mTR?kJoh0x-tZ(6pMys8#IVYSNT%tQxwrl=BS9Ui$ zrz#K>F1~eKuh7cw%AzyVnFYU%^jHoAg%T~tp2HV99#C+o-Mz=U8+ju(@6-#8B1-kT zYdh`IuB&#r75sfp@W;HUB5Nkl(n2qr{MS5&vH1)O+1CL~i4J(P_ds zPz~<7Kn|KpLysEpAFeR@(b(d9OQ5%Y#xn|zCItZ3ORA6wex(%>8 z(A~se{KFUOQ`2=i#YXIwD)S+Vh6; zcy~QI}jZLSC>paNU2Z^!3*3*|68*L}g=$=(>x0~+NBxDNRI zWVt<8LuG4$`S7A5u72OKrn?O`IhXg{)9*muZIXpN-aXBo$5q5r`Eq5pT*Lpvepk@Q z(d({vai6K3f1m@ub|I)U_}}86Sjoq=C?VQy1>}RU3sAi9H%OU92V{X`Fl-(4f%#32wo4Z{ag>BI2a zxO|5*YGgQ@(I}W!n-6fn%t~(W;a>Ojz*pMj;LqSz^8S(QF5LqLx$4yz1gjrhv1EzU zUAmXQJe$6JLVURtU#j!?V0V{ZMt{GQ{_b$VTq!cw)x=W#ovZ#3Ltph@=zlK4s9e3B zSlv&5P19emroSGezy6f|dOiN?bk`C+4V1)9aCn@lA7jeLnCda6c&t-CpUO}L7#FW8 z-(1~C+_(=%=`U{kqx2Uwy80UWA8K;-Bj^uzv-%nOi@GOT_w_OS#jV@nx6bxjSA8A+ z>U1~g7Al&V2Nnj!SGDCQCBJHcKM4U=9q|t-!3}sJjaQ?|uUL>92+F*ggm(2Wq8xM% zpO~9z)O@$$qE88Z^h>YRIp(U|UG6D&lKSU#*LrPXR;LGQ#aPv9)8Ke!xCZ$P9&rQw z7Ld6PK8Ba65DeCYO=GxUy-$9BC6rs8fCTOsb6?cE8<2veJ^&|}rVA$$75iu$_`J^l h%zm)0QZLjxMe@5@SY&ssNXhV7l)VEK#B^pR{vWN7IY$5h literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.doctree new file mode 100644 index 0000000000000000000000000000000000000000..5d2faeb730ece9ddad19da58bcf8693262da7674 GIT binary patch literal 29192 zcmeHQYiu3Ib=HH=E0TKHq72A#){1Ris^q088;(NDf*e^&Tv@cMhfP&fR(tQ=%iY!9 z-K%|&A`GE+3^*)q}SOt^^W?<`55_`zegOX+!JblsAeIEr2&-iZOI%er&@~TedQM~W6 zew+AOW2x8bg8zY<25y78v6l_2N%M@IY#?gY9P6`9N3YL?MUCaOAn?p$7(g1-`kiLk zr{&u zOqZsw_`2s$U-`^qpMHG$qF!@-GjKgq_oo-lzzB;|5Q9I;IuDVW&LULIrd!phP#^-WSGMKQB>_j1+A-FDxW!OTw`rB-guL5nW=O z;jfg!6`6w8pfR?6xvt4-BMDxjTEn8=kW6ux`x<(v?k(wcD*Ft|o{en! zot|u3*uu1Aw5|Fm)K+H6_F-twqT*Is4X6!lw0T8lzMWgjh)^qVkGg1#bw)qi*J7K6 zSlI27Qt7*$rJrZJV0lvzAg_&$QsrF#{8^V}Zdk@m5^yyYuwf@`4|BF#cy5(g!gHIX zl;>Bncpf621;ayBZD(G8p_Nz3s7`8x89-9dtFs(Yb&D2;iF!lB*+A7ThlCw_TT}qZ z72U-cU_+JAwmC1xt1PDmZb=2e2Y%gn(|GlZbznTbiZYNS&lrb<1i|HLYOrJgCD#e$ z!A>5nhCxwr|@O%T!5?R*?W(skoj}^W36VG;Pxl%#xfDt<-H_Sq9E4 z)zA*inymv9%X&@6e@>8d!=M%hO4-CPOe3PNq(S9v86x0>?W?$M0Gra` zW>j<_8r(t&KKn??G5BnskqEsj6G}%Xay-Q$oD879fTCwM%pNF*K(&MP_~6ELDFK}eW6uRN*b ztGeb)Dt=Hd>q`?6a0JV)G8a~#Ur{vA(^h;SP0ly8ny$q!mrD_^pu|n&jEhEUGH;v%&RYKBq%t?5 z5RltGK^!$7pu3DF>&it!Ty#3YTEcy!xY$KZwrFOyVie1e4P0%`{4G`?Ac zo&eaCf_4G(`Phb5xLn2(Zl^;D<_DT0<`Fqbjj%3= z$Dasmjqk(t9&CqT>^qkww1T~tw3Oa+Fg0|6ymoQ=onpN6KS8vgt4H9RJ1 zc$n=fVuqmyD*5h`Z#GLTdyQg-D7U zLq8FcHAbZQ%AZ)*$!e1c(_$KqHzUR(+VJwm#*G{w=Y#E=4bGdU9XG*E|+1}iddWAQX(H3 zy~2-cIVV`5sfP~n`Ze0Uz^plMI!jof*C*07h8Ul7Q7g`U{-vpzJ1D;pXkpYEO)2Rf zxzn@)gXt^HjujhA6?R-9W#%orc5G6axqd^mBhge`N$l?P6__NoNEV^dVmm21;)4rC zi0Fp02`%c5fh zxUZAZr^^P`XS?av)>+DZ(0YpZXk(o9QRk7UQG$%e#y69prQ^zlb+xHb3gWanalCc$ z!uV6;ed9aEcWF4o0t08q__Jtf0eVlDz1Gr?v)CVILwdD_d6?@#B%P7cx=JMnBP6kDH7>=PrN_07TA?)%WlY6)Q||EWA+Ecvqa{to|rz+ z0r{m0viW=@;&YWTBIf^r?0izSzu!~4PWL(}Nt|R0AXZc~e8mkN5YG~szwD_&Q(cXV zQnlIKk4Nfj8bRY$j5WTO$o^eVtx>qyWsHqdP1y}N5H+BAFppcXyD32;{6SAmc%lb) zL1H4ib@#-rBP@;_i@0UGByU3^xD76>JglZ8WV->Q8GsM3?zTvEWiua-7o>q3G1q|XE|a(I408cbWQHi;~ncKcj(bB-J!82 zpE8}$H4CxxgiBtm+b_+rhFOkmSS{La>89*eoR4P`&)>;oaIp1TN+ak@&};)nGpQ`V zS1KzDn5)qGbyLSyCUemgd7N!1O(6w%RX+z|`xz@H>CTw(T{a*#2I_OH-`0w{jXwq) zcNtsQ^}A7Af%P0|Pb@PWl0=nG@yC}96AO))F6p;Ib4jzYCyn*`xG!}|PW4vmXdi9B zfHt)Fnun4yV?7TFNpHC=>8e3V>db^tT{{h`$0uSPs>hWnt~hmOGS{k3ycMa(rFofB zNEQ3hF_2intxdFo!>QoYWkvR5%$r zZjna`m6Mrso872oig@6YZC>Ql#~#k56tQ%n(NG;PO1PMbr%US5e%+)38q2(DY}#Sg z4no+#10`Depsp&`Po@GdM4&~?xvx|x4NJ2wO|20sk<=USFa5u4dfIzmU03gYq@5AX z)57Xym_!oEaWRSMQdY z9Y^;jd8EOmK(A zg~PdLu)Xgg0+t7pDQB=oDI$0fgP~lYs49eFJR6ZJD9>Mb7C{NekIkGYUOI7X`exL`nG>4)ccE6UoVuZ^!gb<- z;lf>!;)oDB6m7}KK}6QKyHXFWtiy+T7r&sD#KqzL?_))r&|*b!Q6prI{o(qg^23*Z zbwdpFhcADn2NRX%U*Bso6ZFX8w&7}*H^Z)D%iY`3XCxNC-^60)DKqO6k#B9t0qXQh z=$UoaQ)i@2D(kOAXCcvL#e~aqtz${&lICXbC$W4CT~~|G3FM9UtP%jwI*khSXm#BB z230C103aqd$HYpx^;IM#lYqesJSr>!@8mf}?hlBRG?(oxP-<-xa!(@6V}!>A?+G;Q z-f5m%a&1K3>+&$N+EIu;o}cYmn15;J&P&Jd#J{WW`aphhrJgq_QUY zbZJb`An>9~xEMl_WwVS8uk$&=q=P%TyK*0Xg+=Rr{EG2!HQ_F9A3pG75U69-k31U@J5je@L^(Ey7r{ymCuw$4 z9c&k#u}ET@B{QhM&XW(uYEVJI*IaLvuQD>)n)hZtVpQfg5 zse$kOcBtYsR|Ryw1E&I0cY|Kb+Lk<^_F?;$O(k&t3^bqQG_yUFCn)jckgoy4yu zG)U$%Y(ySXWAC%^Wy<)=M7N`v%16;)kNmvB7IIa%bnkGHbs^nM-C2*5zz$lEa;ny+ z@T*Y~`E2E+IK^F^^+O~t-iVLZS&19=T!M%jQxmr&>%3Hj^)?uzP9 zsnK4+&qyE%v$*v`9|{ZLn_s~EY~dRIm!^UX*JFRN5f9IAVC8MFa9bY?UATig!JveM zJ1AvCknn$2(Pk$>pxWDb9gQR83DQh{iBXMYafb2p* z<4;ymEJ-l(0RN3=&4$L$oa=chBu3GVAe92{@yxF9)8K7RqlH<{N{c2l?W9-0b!5y- z7q)tW-jqxX!UVu8onTkpWER>$@l~=i0mY-hpOj&#yI#w*#BSWv7gy1ECs5W=t~XFV z+XE;|LfOLbe2L4RR$$__T1mx}*c~D-Qwf2{&vVL|4q=SQ7kJieME(RJa>fdB47aQ1 zOR@A9o0^x&>y~t0U+-22n~J5236Q0W{p$zPltwg%=i3IIK=kUS)!ha@e}@c9z^AmY zA$6>8Wm;Z0*!j&>G~5Y0{}|6UQ zPuoxZQ}|5FZA{&5;B!}h3ZH3pQui9A3>&f@FbqmrlZ{UBc>v`;BKVXfvW5N5elB>x zXD;2gmo!YtvW7D|7GDdPpb`Q=cW~O7a1;aR|E>W*AAEMTV1gJw*N`)X&nKIjn91*! zgwNS-^^mFMUT5;D_nAh1tRKQs8r{KXT5eS@ee4^WxJ-9?K8M;D^-yVd;Mjjp{7Q2!B`Rt(e$ zqY_a6Nv7>}1Jv)WqT^0L{TC?rQ2})-ku40=-{yknK%E4BN*bo*?tuDlse}OPZ*kh0 zfD{AuyF6<)P(Qq;aMT!h*O)s6(tmDhY9`-X5=ej4tv)stNGl1DCh^1T$I*m@fYEso zGSF$U^~Fu9x($Yo4YMu=^-|LzW8e1*P>Y6&yyn-XQd;^{%w00@=a{x`)f1 zFSOEW0))Ry>ZL?ky_r3VuM<2*B?Nwsa>|)F6ys-(XU)dX-@LqKg7U}N)?hXrJwDf@ z=uE9~MGsRriBR;}ZWWzrMvV&**;!|ZiG!9ng3viD>!Z^SbzB*PFqLsp<{loV(%4S6 zUpgJ6*!V`AI9t(t6^XT1&=_q)Lyi%NKVq?qXOE7H9kPVza7?K)$6(a>Dvn>B7QHXN zQlqgzUWBJccTF_iP7#OLzXs*7K?K(G5PR#3^vLhWke&w}eEpTK(Yeb;qCdrHio0yL zM5)^LUiUojcRIV>Cw!spEKuuD{f&+|Gr z@tBJqLyx|9GD??!(C0HL)vt3rl(Be_1bvi=a0~2Q%oj3+U=v6>rE(DCxvEj&6+c4<)GhtfWh4VsP0>7*wWC zO!1pl?r%&~bl|DLe>mGzmtm4uYwp)BBTB6d=snpq_rj#ZU)*q0qj|sXd4{_=H z8xxuevpv)XAA-VnsB1RbRA-~M<}8NVq7I3d@w@|c{H zO$8UoKq6*Y#ToO8dApA5V8#ex)bthGLAOSX(xEvuu{sErzrc4t==?jNYYrDXQI^Ez zNMF@_JuJH_u0BGpJvcby`Z~@xr6swQlmd0h-%(EU$6PNPYIVSI0e^RoUXI|l#?@noGQL* z4fO<2#}M96J$&pj$aBoAl$yxXo0R+`F?l*MNhW(!_X?&SRCpce^V3F9wNcqHMga68 ze(G(A9fD0()%arxX${exS9jSSf5i#3+p1wM8a94lzkM{0)Y*uSo6iFER!G+(Kv4Ja zXYr`wgHQNy5f|+tTvGskpgz&xAZ0E>l)j0xe0TXBcKl+x2nX)MdfbxfRA2)!Fzh3! z@WWzLK3t3g-wA zZ**ZEjMc6POuNf=>dq2fM@JWv5S*a@!W1#2nCKh`Z{r`#<*nNbreInDAQfhV&j8b{ zb!=b5TRLOPUxQjDdBEXp+{$FU%Rg^w(MP>>pD(M>g?FGaNIAvddFxB)`PMJffB!_s znBNcCFeTHF$FIrb8Se7L*F)n$+!e=jV>~;FYr@_`E&S{^eMyxc0O$1??~6|}uu<6n zh@SNysH&B_Q5<07eTWQ&GdW7VKQ1i*lrWYp4Zq?gcb{>~E$RrEFt4AXEvT?v2;!(%bd_kquJfrotc~6 zSq*Bw|A291*c-|O;10*{=Tn&{dM>EO+VBB3->N=WB&{Hcum7>EETj$rQuX` zuN4keoN`dt8-DBg*4W!yE3JGu>}rdi6S!r)6>dY0vSHd4S8uc~w8Bx!?wht(h{_Lo zdf7LfMqJ$JHwKKs3$45{9QOOBZ|l;l@Ro+|mo>ZK>NQvQJQOTEskx@sDC=jCZZ>Ky zDvYvyPv}cT)Ow1%v&AVNXlkI-ZyEc-VKwfUu`?Wq`ZF8$p$)w?8Q$3|>f$w-hy{@^-Z4YX~#;G+KTW~#a=H|zC1SMlz*l#u}`jR9XE;Zxz;Dm7t zByb!4yB+@>!GB}K6)={_MvwF0CnN>Qh7&32DS5^`#cU|62pU_LERBI#zoiAnj~J5) zGiQyPAu^EN2c<2qqB@T^qx44gOi02H+%~1#mm)Gh#*~ao?O~;~M#J%$1f;6N>GQ{L z^Pz+@$`RJ7BPS-5~NUptq>( zqbU1Oq{koLlpb>}n35DVC5%FId4`l7%GIbTPIa~3q!A+hOiI0-X~%9ZO@JGXMgeF> zf4F~@G8P1nJH1Mn?sR8*KHLRun*`rjYvBkr&cx21b(z(MWy}*_>j_^CJ0^RWk)5V_ zPl{23;8p1fwQtX&c8I9uqz+Mo-KqTP)l^DabX+5B09>NJR+yt&osxxFpw-spaG>r~ z0>X%WtC$a5<>SK`2#2bHZ8KVoXTzN8J7pCp?t3lc1>@OwwE*Ol6lEYDK4=`~yaSbQ zqz+4>FFOrip3CIPXc*OMHCJmIl4i^;ZQr&{Fj{eS35=D1Ku)P^OJ+T&E4DeW+os_- z6-D=av(Df`sXDGw4{YCT+B!h5qBnK?)9{swiAj~_H&4ksO#*k#wwK2Wxzk|1X6v5f z8&skh_=@Lijf&=0l#0G!@_I|lil$IT%~go*y6)?);ya3l*;rrDmGOmW+EgTx$CdNP zE~pdA`RNO4A@_t~dI|~}AUVK%##(IXHMD>VY^NsoN#n0=$MckG&|q^qwMVqq&7aa) z;fNsmA=bo%QCm8?OoJHnDeEj+)*1>ZsG3VUx)$*9&8uUbNq|o zJ{@L6RR@g0;FB=3k90{;xBZwz%8Q*zAp`0d=ApFZ(2wfPN{e3K3p)Z}&r#^%t7F%& z3F~vzXU+X!*!i7?H_b(#9+a{!`MWe*Olm-K}9IKudm&M2f-jQ6c`hsU6$4 zJ>Fmd=QMQ102oi;DFIKdT-KYurvM{4V9zN!Y%ruYFN|D1Bak|)5M0GL+*<73h6 z;V(MMY*2qI;M{e!We)~U&NH;8uFNWnr~^NZpk6{%uzWnNj>-s#HDA$}$RgvY98EZY zQ3k3Yu+yA@8Z@QpIwh@S+Q4G7oWt~lDb2&&QBXt|8R5K>noJv`fRUCzJ)z8w5q4{~ zM^g@UAB``f%erzJ(-fgbG@l6Sb8Rit#K>Cq3d+NnBlRWLw+Y3pwv(thfsZ*5O`&S1 zIN2F zo>_vNFrm>K^vjMLMjB1U(lnY(fLO+08b-^uo|D8VjK|khhpY8#sv}nL>rkBpV!zXQ zc1cg55yTq*g$2VvCj<+>Dw}%H_p;X1NZo-5osCn?*JKNo4{T2-gU)Xs3NYezn~%<_ z=@SZIh~;#cp-QE#mVzP^Ax1Tgti-BD=?=DTUO*;lR(Q?AcvjvbhT0EyA7h=c2CyFK zT`fjBsm0uTP}lhQDGfrPjaI;%=ozSXoD>n6oOH*fhHg;u`kyKh|sAD zj5va3Kq97-I?ZHV79oY)n^G7L!A8@NG6PDCnM+1~ZtPMF!6bOCu^i2=QIdgT(Jm`#7t`(iy%&rvmO7SNQ~eirYsGOcUsxr@`REoy_b(bwFXj`f*S$5bQ8 zIhV8rE?qvig85u(xsW@{)`H9^5L-nPUAix=!D#LgeABR^jkZMxuugKY((ZQvyGojGWkP?q}M$UYfcX^40^HG~LyarkA_YbhOujl12U}g(14h6{2;zYact!C|D#W zazC6oX0xcrMm>#CS(kUqV_fKNAB}jaqG~V1S{2GI(R+Ot=#UyntFEP^j+oUqbORYd z@7^^0NLACGkvu9A1@FMSV zWE<=XN=J%vvQ+5@H%0FCYy)mJtV<1KQ+-E7^%@g^=*G?2`J`q)vAKSAnQ^2B()}{7 z8jgIn7t(37DZvr>z=Fd#I}3|WJ=QaMe5q^WGOOOfrc8pw@Jq{c%`F$U9@r}xe#2popja*0PI+Di4{wNsX(hJMc7odk`~$8%r*7$iK8nM zxttg}|F=YNK0{TvVYA08bw})Ef71AJIKcO2TC-ult(9~ee+)F7MVukDu0%&V*8h-x z9A?5eAPFPcUb2t@R+R&kauuBIRy^8W(#0tPOzPNj^$aJlvB{(PSYA;cr^L?Wq%1Y; z-P5K-S$Ao#Bq?j-RKPCe9!_nxXz@-A?J-4rEys=?g@vwHOt#JM@tr8if`)0|hUOQi z@1MRjp)Bg4p9o~zLfD|fp-)aK#&*CI54wT672S0mcZ`+^(;zEwS^t?eY|;q<4hBGK zm-Pm1292Yh23!r=)}!Oh8XT988svq_IA1Q(nZoaFJ)TSGz8`8Tn;7lZ%l_5U5yLDe z#_;{pKDKpZs=Ds_kIe>Qu@DVxRnUB;MW4ZlwrQ@Th6qkv*XgZP^F%K^Vbfg9kX37v zw74WHZ|ttDg3=qhsk21wiH%dcy&%<-rgVMN%nx-$w%dSgPpow$$-yo@;5!qY9rANY zY%DdKHoQuJXg&_jbnHLDd4rvN(tfYQw&int*FA!axEi^3fpz*&hBQT7dm!tq}n`D~**uhw9QY6Ei{5 zE{R!^NS;iIR#KkLof%peQ#EG}d#2(HzpSPY_pB9pjOO|zHY z3($)h@Qzo7>Lm7IT1(b9aBofquJwHkSFr$|BXg6Pg|y#wawX5XH>TWizcN{bui3>} z^>X9>V=FN7T&;Zh*vjRi_mt~jo-Q^`Br;wr#d5{*Bl8b7m zMd#(o=@mwv0^7A@*79kZC=m_E=IU$wX_r~TpV*Rq4#VqOS<<&AYMUI?hM!zCOc=(1 zR;WV>ux>V(Z%Tzu)&rm~z}eIFd3sHIyaZq@58QWPhSFo?&cdB+xZ4sr!|;mBa9BaL z8eDaj*><_TjO|<6?T&Z8=~Ng8s`^CE(|w<20261IRTI9I$m*I4+_?q>9K|7~z^1K7 zc!E1G^n#+~3c!{^`9y&2xI;V6ckqE*#Bq~v;!vUk4gqfBw+w4&NB$__plIt=cp23U z?Bl!6qQY0AcQABd8L^OU$FJ2G&=CQYNW}?rx-}wTuUSVMgoZH!%>uI4K%UH2SCm46 zJ+JYoZN3na;XI1*=Qpn*{!Aq53wN#oHz>KL>~S9$?&PFo_q85g9RP&@O?0eB<~H*# z$1~je_^yG!EG_@(L{D0V`iOG?wq+m*_v?NL*?{1bL_sOcNdNwyXWrvl>GG3 zWB0+I@zNt`nmek)Tqo~(<+$PdO>bsuN^_UYg@WVOrka)NR8qKr#}k)Sm2VEQNCCdT zBAtlAl6FQy!~367GJ^gNcXTm4z8U2a>alN?0!pO(ONx~4E1W#5jwusz8&RkH10iv1~R9B3jOBX4}cx(8FK^$++*j}9uW&r_p( z0!C%r)r}vdT7QXG!uSvW^`y3-!(KY2ElvKIZZ-gJh6Eu$q1$#GmV%u;2_0kz0dCZ3 z4-qps+@Wjna=4=FO~uwVw}B)e$*CyQqjILVP^Ob2lk(P6C*gE9eRTS0cSHf8U@1`6 zQC*|v73#KIU@me~3&*C9P1)3?>7!cwM+#)Dzm_?$eOjmw{z}k#WM})fTX%IK8As?c zj6!Yb^78*D_Qpu`tC_t9CS6svB53MWu_QqsN(tKfwyYhGcf+L(s-V!d4%m|D-fbz8 zy6avBR9W9eKf-$nrZzyUj9kQ_^&;1OKrTKCB;)0|2CH(~1HdG*U{)}% zkpm;ITJ>FQ-{L^3o}WVt%c5SCpiFEJ8(YyL6Bhj_hb;yQRnqES{yfcjRETU5mPXqK z{D_M=jYS^Zth2VGRaDl+d=vXW3fIOq`#hEQbD ztiVa?u^d58g8_gwkDs7qIrtHV*;=?F)%26AYJ!#B@0Xm)a!0y%VzZ>JqGMiNx^ntK2T1 zg@?mI+r;41Y^g2l10)l;XJQ>cBq){4gXf9JgWP3Cu zN$W#Y$sy~P@PqL4?qRvK+5oP%;DA8OChn=)vObP-;UE(H9AF|%VvRXfnpVYulHYj$> z^P?~y+Y=MQ|Ay-As-5ZRK#JDdDn^DUo+??}*0PKtpsZ!r6Z^Rl1U|yDW<%fu4{vUtLO|uF>q#K>ohkNY_LW8XZz;R+XL=Q2rh04^QVki~ zlKrL)f@@NNfLVgrAY3 zfvIceOEB{vQ{Bs?b?af~S9=w}HN{LVhOK0;eItOGl#W*2Y`?x6Sf05Ct#*LP{{9#y zrK1FCBn?uAt}C8iFmfkq%354>!^nLow>ga5z(#Q*tSxJyexHpZ29VLokR(=mDT_68 z1TmxZHc|u*kl$PX`225{H5(vrUHiOBVB~tTCNOz#rtWU})%sm)3@B-}&c%=^;=;En3`<7bAbQwd~fb z*KP+u-a8-xa!jHG$onb7RaxGTqNa^3?{7l6S00cPUTjrB&M|&7K#pA_CBf2bS+JR- zh%N97RDuKYAgenQcmyE#v8>sEeEYf_HU+@0Gj{@*Z%%bJlkTktm=E+Sj7(8)c9}mH z17_@AyAiyM3v;-f>x`0byXuW~z(|wSha0WKFjkJ!{xUp8YLcj|DeClb5M7*S7Y4 zh6kir7u=%KsPQ<0^!-a#h1YSZLml$|xA>0SMV38^d^&7#)*_%I@g-pEIk zxKOCQK%Tp6M)&QcZs-xNQ;n$Q=!#VI| zXT%eV=fZ_&?IM)fA72e;Oiv)=oU#rvoeje&O z#8Y%zXDKSh2&pVA0Q91{s6cf6-E6oU(f^L?tL)o?7#d;D(CqlJKisD;!M_7t@dHm} z>JR%XdMT)(zEKKApvVr?t7~q4*D6^%VHk$u~^mgB`8# zruLUA`7ci_gv@O6ki!Y3b9aWPbxZqUP5Br#s9=q5N~ zR#ZeWa0gwSGeYrSYOHl&EK9&=8FUxls-X(^u$0(vNRpbK9#k9^ zH@zX(UWAG`o{lJ|#QyOGRWB#YUkc5tV~tG#C@%Zgd8BZQzV&bya++ zBWWSJ;_phh*IRD*+LCJE`!zOw!={D%DCtY^;cgF?JNoKV0bQ&DM!k+b^G6lmbEO-@ z=swEBxab7*Kzw|>fy<1AC_RsewJYp`PIl{NgacQgJxH#zK>7q|mJV?d)-+Aj>nDne~ z&_4q-6Tf7gpr4n6aF}w@M96LlW%;hKJkPN#&jrRUE3G^$in;DM?oIrH@uKlfG|N8F zKwrb>0nhXediK2rMjnfQW<;Sa`s{=8GLNASM`R7+jh+NnrMqX%Mv3kH8$l!(8=9nl zteYbQDxyx#XE}xEgKj}P>m>v`w`IL9l^Ew9mb2wq4;cM=I4me&ZS8Ms3v-3*)8up@ zU2pVeTbKjbti0D?~yE7vMn3S!fhGj)?_qe$(FGuMqta>7~8VY!^lXYr>FbQbhrBD zzPBX}U|!~7LkB__mRCr~gAEA@fg}(J`4STHv1EY|LP&N$lI4{ULLeKGELjr5e*bf- z?yb7F@2z{Qd&aOG{DaXuq-1m1^_+WU*Xsw#tsX z*jra_mAVb5=`Frtao0;1A70G&)_02M+*Y?!au$0RphT%st(QAabMf?IZxa>ws&#i# z)?e#7C9m3Q2GuL8D{CriPcP;x>wBxcs#kZkuX*ylvL? zI>nNA*WpE~ikhpAIp?WM=@nkFD0;o7T|^(f#mbi6`a&?M%F5mvIhI4cRrPAqSv=I8 zE%wHWp4X|)c0KTb#=Npxc4>TTOZB4b;zRttx>;<9-`178ZS}`&v2>>6%u$(cZ>?9H zr>_<(n=9KZ8!J~;R#tZOes!wR^rlKv$6cr6P94Afru{ch9dX(%x9YVzRmYv0uX>g4 z>~654I@>7{19#7LK;~Slb7l&?cc(9 zo_NoN-Py_oz17ub**UL?Oh~hGHMmr{2C}&p|Gy6ZzaIbJMH~auX-MEk9=xtL=OOXl zxDshD&pgdlo4L52?8+eH%9=yoVzFEKk;-nxvnWSJaH8)LiI7G9IK*G7h@$v-?+rIh$@xGf; zw%aI>BKVZ?ISSW1)492NtLV|6lQ-;{$aP((Q0kV8)43OU3vKj$@^}-PbP~n{+GzeX ziputDRS!K?6!ti~Z`g;XFoHrG+FU*V)a#4V4CmX|?_xtF9&TnH7MsnM$0O4i-P?Qe z)@wZ&>U8dUmhtrmCUUp>JTJKIVhIBaisY_8Z~#if*s!g)nrkdd^MzRN5w;VEH4vU4 zq_?{wCvak055Fl2$8`$DkjnN}oLemFdP~Z5lv?f1I-!z!q2BuQjruf?12_ma!JN-J zi&Xb+)P07u_BRb>?ZPOglsQkqoRw-$wil)e5MX4@`CMx*)`&C&)qW+bUcn}^Q3w&J zPf+C}ePwm;vN)5R^tqext>SnqndAB11{mIMFpb;nT|`}Ane*R{&gV+4a)y}NP)x1V zgU+w#&PRJbrdZ^6SN}-$@uj9duA@GR4z8nSlKb}J*uHJ$z6D57uL4UIdrw>pl=&gF zgrP+ufRD}r?=-&kw#73osLIMjz+Q-|#g@LBzIMcXqm<;Qla-{mqS+4}Z-+L#g-z>H z)&S~CyW1>z-9C_9G41yNzo{1AYihCG-{N~@i^oKi2HQNz^v3Fs60Z{}#fDc3D zApHWOP<&GC%sbwqXr;FSpSW$ORGq7q79Z=a2QW5TXb1qhPfsp&J=>3_~46$5xE{=D8)no>tqzG@{kfY_#W>LzFbGY_xXB$fw?l zRv-4%?xiZ*YtM`un#R{;vjFx6I4?rrK9ks}7xB#@{9#}UwRz(hDzVm3D{=SJ4Wer% z9%~Rj@l>05#7sQaCVb)pnZ+B;4Qk?J<(H_u76FYlplizW(1M+R=&8WDyz7FAAIs%9e41xfc z#jd{gVZfLw<_}8$NR91JjAKi{fj>f}EI9B*Gx2yFki=7Q;P1`El zj~5Pnmzkdl2ePvAO7qA}tjvT1c_V!z4rCp|&Bi7Ya6k}`;=sO}eUn*g@#wHSgKoAcD!HOUpz;DV< zK5e8w2ndMA2LXYLqr0np0B~WwOg!G)CGk{qU$x5U zhU0Zq5?AKFnm45dZ~7MpP$>&AywprQ9vCF?RA6|WnRvV&OX3O`E{?KOvM~lExTJ=uKV$Ad29W5j zY|YjdL;E=!^+Pg?)_C#uKFOT)rN82&*7pyX`yMYDNxYvmD{=5cBmM_w;u#nd-Q*(r zOTdeXfEN>5cmJEYyGCB5YUx+a#N)Lzkx99YLtJwW&C(ck+u&sAmWA(b# zMrUqfbp$ozcQdkL$5rNj#7jjG&*THgjr5H^FzXO*F*cFl1LY7xD`6>1<98a{8N>^U zPDJFXscP~L?PakC1SMiCOkX34`Nr=5shnQHIHm-rcM_GdIK76Mc)X5F;;C@*0yFV= z#g)VrgDj)rA2TL;?~B z;^Am`HJ`Wj%|`yEtmZSub_PKL(TPEj;0iiY7k4JO4-7VFCH z>dt1;h5v1&Z`1|ZN(i_&>Sv+-p@lzGV_UPv(HNl%BXi@CdsU0g~jHgoMxtAzV0 zx!}}N&T+kJgAaF3jvcEwx%pPH9wDYT6Hq*yb4wMc;pD1r&THk0xJ~1nb#miny^C7S z@rkkOq%%1|h0$KAlJn3Sj!~DZCC@3N$8=lA&E*?Tu{n`DTkN2}C1)3vr;=W$>*QLq zd{VufYc(BrGIw_~M||uQU5|>5Kh!NYaf!zn)7#CRyzz8lB6qIhbU>h4Utn_Bc%QE} zF;uN64Fzn((N7e0aZ7^QO&$;xZ?rnj7!~ed6xFj1`s6_l4|S{f5cP4ZA%2){rPZxt z)Bz_#L(7fNgIE)iD>)qx$4NmvVB? z=>pZn1syQ3MHegjRRNz%9Y7fjIHXo%fub;Lin-ez51mridvbGhI+)b4-onS=ZeEC) zM@HI5G=stUQs(pi)%nUSt_`7#yoIt$oY2o>4)C)-_^Pf=Qf`hwC2o4Ha~kbR(XG0g z4fn20)+Qf~uh6Bdb6RWe>5=9l;f)qu(V3D1RC;@j`Un8p)|*{^OVs)rWlimA=tr=p zzAfHneP&!5XVDt*BSSGlzhuMg(T@v5gd51{>JFi!eh;g+iV(%`qWD92O>lV*J#w|9 z*mMJL503vtua~Wc$yUpYy;b;n58b?}m1!(OOrd^k>rD@iUK+2=f>OWf_zrE);jTHL$T^A6YguRM5PY3-a6N6dARoG;Hu>uTnD_Yj!~<~Yxo0O zu}7ozGl@MWE#GUR_>3sx0I}ULDQoAyljDwYy&KZSxvacpqIVkTa#nADn!3N#Bm)P9%x_{4kG zCtKo)Da=6cCu5{}l#{FA202YRXd2{T&QZoBu;jEchlAXzO;YI-IR^;=oDR&x>%uDW z!BhPip6iv%&e>gZj_RFjS<$ti_hX@!bAHR1&fW>Q zaL)6E{E1w3F5JbOKnXNO)7V*>6r!csh1`9#lCb+=u~Tme#?XXHOw$kfoEjre904zI zRUe}SM4{Pp#FaLug+Oy24FeNJw~COLCX4h9#)ZWIh9{oo6OVP|3MPM;Y!-7ONy3;W zMgeD)Z9h~Uq1HcC9X~CIS~o~k9To5VuSEQe&Z|_s;{)17$$-}T;4uxnp#G&|yGYs( zfN0?EMwJkY@`liDVTvcpMJ#@ltB5Tq!;4(sA$zP*ZVjw`wAxrqL)we7G(g`bf{1{O zpBCUKdRMsVTbPfMSk%J8fk%dnu6UJ>0~pl6F}QjCfA0X4a96HPa*pZ3y)-0TnzGMg znbz?Nk%R>*bMCidQh6H&KJ~G@aOd+FCm-3(> zI1I&eJ`4(Q#?2qX=7}8pujyR=7`((p?hcWABoy4%uB5?JYM^bs$EgpB@mCGO_{+ig zD^S1hpjl+?X&be%y>>~^lr&3ZxT#%^4}&QGj=k_uQUbn*ff)t9(nAO>q!1uSCI;`J zmIZ^CrU}Kr8-qcKxLHMY>56*=m@OUJ((;mrH_r)z8~`^GqU4Jl~v;1baFW8x*D zrTG7>A^86U@c+)?_@5kA_tpp$TI{XZ&C3v5sHZ!8k3_bUFxfqE6GH6q@%xHE9bR_C z1_h<%n(wr_&GPj4IBj{*jCDev!us|?tMG6t5`Sm|0P$>t7w(hSohQd`QOhB6k; zO`{W)>6uFY#IBhj4n*jP$a+DB__D}}+$pqoiptN$JeXhD zr3hd=FSzsJ!h^N`J@l483M>S#Ec;Yn+P0~e|O^j00t-)4Qt2wVbx2sGF<=f^JNjj&^E9+JU zSEJHc5N9ice_KVmt5Ksb^ht5nWrr6<>M7WzWruwUlj-DT2kM8u?0}SH+D2*y+cJ$Q zwArylYwWL2WI&wXk-I;E7c`+IQ|yEM|jIaJ@Dlm!H}*31L(5h@Wb{Q+H(R6=X&4~H7q zIv<%eissH=5`*D>e>Z5rt`YqFP+bhKzATA{(E4T`?33kSQ+$a({wJEtY0Z9fD3)9j zPc%~hXQ+POC7t`Q9#rd4-`JJ|n76D8do<;lvH){vH@dIC z8Q0{mP3!_W$D44v+iSXtswUVmO*Hax{fm94R@YyPF3I*dBc9 zLhgk*QaXfk_<_)IB6kW01jvl z0mw){A`n#$wNJ`BB)v6a>3H!_Z*{#m>(uefnr7=9&W9~NCJ#Q>ZY8+~GmM=feugG= zCn(t!0h(#av)#S-7VWgsB~gxk`6WN8*~a0BRff;NoLolk`yl<`vI$rl=84EK zGvOcchL0t!7}H4gaV!+lZ3u#i?ueF^!FO<|q(yR%W( zbgf@6wCa}(-uwFn1E&w&*;KEcfSHb2uO;PI)6oy>q@Q zPGIxFf+8RO&h6xL&pUJA$Q<5~a1kGcxWNmPa%)^}#|OLO2Y<*)os|fhn3-gQR_s(t zzhb@36il3q^Vj8f8I=BISeHLqg~sDd7y*d*2Pgb(RGvc6CVAZ{cF^8jr`6#0 zxiRu7Y&7LA-vp>O<&ji6f+CK&h;eII4%D3lzOv$9egG6OhguCBJ>ru-biD(Ak>LWQ z&NxmRrwFU(!Jues;1DzpGZ|cOzy%UIErc_G!EqrWCVAs!BInNtVrsdiP8Ej$FlCW5 z54?8K#CpGveWJ3+-aS1Nm)?6))R^=S5gxhy&U=`~jKB@tjySRDhw3Pgfc{V&g+^)N z%H{|LX5Co1JW@|h-zZ$U#X4M}e(2%K{(;TKFt|#PTB3LJU{)o<+x5M*xLbuqhPt-k zRGT1{h|>eRt!!26@ePS=rG=k-Zxz2mAf5|AV*lMDv47}>BCVKB5}EC_ar|RCG|*cE zIK(;oMX`3IJxEadQB+k);e!VW==lMhp{!R+RS(Y((2E5)8Q2WJM8LNkwY2cK1gSq{ zV96Ye2ags6%T;*%s7A^nmI3sWtWj0AiD8MV+GeLk#W^~v9e*?kU$5q`HR-EEL$W5{ zUC=TFj~xzPO7iDO`bR1%nIqZp3tCxDij=AJ_F9qt5f?~_GeQ4nTjhnmUe>l^#ogcX zk{u5nuo0hymI8Z^^t~y9%X>|4S8n%iI&LNp+eZC4duupnJqjTIC{FzHqe6T)1rd3) zDn$W&QZ_gz=esn#nj+1w(7%Bl^TLTV%9w8y*I!}9^+yEPUyOfP4=>E+H6x~vbqOli z5sbyX-i!SK#9jPT$%LbCi`0HHLR!IYbYYla;H{#YZ{lty7uB;W2xy5hbAFg4oHwWT zQy?5poAYSxUVO#?P`i&>e?*w?_FBNJ75a8>AFJ>tR_@C$d4s;B7E`A3xM`fykZ3nD zz{~d93sYE6Qj*8s7Px4t9lkvJYD%0L%9AAi(Rbep#osEZ4r1f*qP&cErQM0RmO}3! z+?Iw|dpWx7<4CXn)fQ=Y{a+}ievWh`GuTP9`wVjm8!%zBqmOl3QM0SPP4BM3$i5yS zlx#Vgk^K#KD!Hg`WVQF9FdI(9m&O^{H&C|re*8$bt$-mR+v?*-jBUk~sVUo9b~RFp z5ba1N>-wVkIx~QP{r1&%j9A3V*2BdCgeZ7LxUncqHv=2P(z5Gx~T*?CRzSA#51|db$IEefK4Nuxm;JzfW9UQ0=7yDmORK9goBO;O zeVpCuL|#1!3ehZnFN=^$HYUxVy_ma|Ty$W&dpQWF*qvZW*k4~b5xjRwzbdA`b&%0X zrU&Z*a>f&i5b*Y@u9?2@qaUlDynB$Iylc7m{3}`c4Al$aTc75|;9E?YbKftkRRW0i zDih4jr3k*6R)dy<$U$)Xe2|xdXhu;T3 z^l^6hF$B~95+Rg~C>r?uGj}Sv=)mCf9S}|dAHk4};Inx{m`%xD)@wO^x`L$ zi^p%u%Ht?j^yyp-R>YKfQYOPvW)dZl2{8_*aLXPsjyJoF0?k2_YY6-t<8TeY_+P@}&r& zWL(f4GIuJu=)e&26%bB=5W$d)5b~WtMkiTrgphUQIZ2)TS&sTZ34Cm0SV+kX(|EfU zm6j#U*a*T)$=jWSj4lgr$AVBUcmhcONb&c^L3(h*a`AUxR{lnzxzCnkpgE?@xC-M^ zflKi$N+=UR|Gz2rZV%AUu6J^Iegh~LnUVN-xtPo2s0bYt7Ml)! zxT8hS{DL=w^f83Vp_PQt=66mUdF7)ioi2`UQZ}=L$M3ieI~ixICCcjUZ(pEsj=ATm z9ZDH=7N!-Po*W$J~W9xly&VJWQ3CK zMz3SsM7nd3Ru3*0U!OS`Uuow^stx_Bc>26SMwf-BY98eqk`Fyv>#adruP+yGA6jDG zzG{%sW#MgfCr)xW`mvJon+NI18<&gEZ_Uc*s4pkpgs?Kkm&cU(mme6vhPyk$v*Gg2 z1djWOzxME7%i!OX0z|ozDKJ@)q5#%`N$>sQ0kM=B<36zyfRhPzoX?xbHFt5r9#?pf z47W@{059lOi}T{{4&S_2Cna#@rc*u7u>x)s;WZF!DIBb{>W+Jc^5fBEmliS=(n$)j zy)fqABB2~#{PK$)HN?gV{@Z8L^!z^+$3Gp>)np&5#R#8Zj`z(>>En>z8@*Y|%=E7! z#LOL&al)6lW64DajuXBL!YOfrU`jYnNc3ml9b|Np?MAL<@@E%q3JWTkVI*|P+c8vH zmW9I2AiR{ky>5`vW#MgT4!X||R3e`$)4F+(e%!cRT)rhMm!saS&#Gg*SxlK%AN|1r zMkSMIM>9E?kEfuDy@Pof-9C}e*YV6Zc2#m`aTXIz+&7(X?_^(d2(>6x3$8ulz#J|( z@o`lDcxvwOLI*AfPacSL!`-S|!Od*%oP)=wf+LNTHykO}W4%S_T|DVBLZ2x{HmsCe z&Mm8~+l>b_M?N0E(>oj3pST@YxaFd!nexI{&bLjeP+41{%2Xa9`zx879Qh6V#?gR zq=2Wm8f_|*7nn=oYM&P{Q{^0=B560kb z;+jr(7BAmu_Y!+!NBq~NM0Q#TSpP_|_KBOrSe}fl#ILKUw7S`;ZjnBlFG;TRAGgxG z^7qdywsJ?27Iz|d49N%XsN%U2XCil>gKP|L?jEF!=QI?D9r(xGoprorIX$-X4lQYL zDBA-ayHFWoCwC%I3Hw!KzVya+$l#E+he{y&Er_ z)c%BiJc^6lwcV8I=^yFGHGo_v`~=hl^(weLPfhuN9AsOl?M4~@8s~{yuxTdH@7~FY z+;j1y5rFUnem&Y~)sZ{xHvD>5$ML*YQ~dE{Bw?z2^aJ%Xt@hkR?)FKb;W2DCRg8i7iLzmRr z`}j${AaoA?R(SJsnfV$UH&-U`+}}n7%}8B=%>+Db)G3r&^#Ywj(1K@~-{R_r7xR^C z;I1MMjP_P>`QF8+PP|~x!!OwTu>UW!{C(6#HCDVr`jM$d)0-+y9mhlN?$q(yZ`yzJ z)Dhg0!mb6}i{nmVQ>4;@tEF!`AIZg*BTkw>OE#1&m+K;x$hC%FU2UzgvtOMBci=Q{N{ zv^>j44fotkEgr-(h1eCVBXb&#w)0bH{4AGRmBhD5U@_YjDH_qbU!BjxQ`!Y0DZb91 z6g_o_rAN3&R2_Myk?{$NC-O?mUduYDt-5QdRc$m7&XAD&;*!I7*k!ClAq$U(e(_l! ztgLboJORTA_`CvUmWANE0?9DXfAX&^26`Dz6qa%+wYx;2 z_7`!2i28<;NcofEgcI?_j>cU~qulD^S(^a`CMxUVa?Td(MC_;o;ZskgNUBZfRzR(`ie7|gME3CtAQWx6iEv~ zZLaF&PfX+%V0s>2%4&6HTX-Ln_;M$Fm(p3m3y>^cF$I6&z5dqU_G6}QuAgj zw^2Z!n=bV)e*#S{_zln+JP2`;N4(qQ7lMXT-^c_8WHQ&)d5pH{<L*>FqkQhj!3c}S zrUgoN&Q2O;ROvBNA+@q#Bx*$mJc8#(-~VP@Y?%y*#?2BB*Et#@pvYXUZP+KfLxLCUry}^ zzdUDtVIp_$eFrgeXKoIu=aADBqM(x^LS}&zi640I^)LhP!hZATVT2elZ-mX$Cr~E5 zd7ztuE-C#fF=ZXaF5br!2DDhJsvB$tuB;PCTH-#14^?>o=R0{# ze}S8TDnd$!I~Tl4?sUe+s&Ewp!~NY1_jJoln$aB6q>_gMi23J8O`4->D$S93Xw}dZ zLjkrT{>7Vyc-?{aAAz)0^7YUZL>qL}1z!b6W;%E;Pvo$b6(Iv|li`BV0LO))c>F6m z4K)NpP?rz3+7!-c-OvLIPFJgH!q(XVVBJ{yCO%0FcU5-W65fdg){y*V+tfyZ-vM>= zEEcp!U&8Gm!~!#AKCis|mwSi6&1tldDuuUgQR5DY%Ulopvz6jm0%y)Ji;mnU0y?~v z*US-70ugOAJOY^_*m1c97;=*$AMg)2T@>5E+y$!JaPUfWv+6c54uP4{NYD@*pr6XN z-%v;>GW9O<2N&BFK>#r*YpufaNZ>_bp5P`u9L{KtY@2jt2n0yU$^||j6^Tj{=?PkK zr~^U6-YE|x4RjXHNVJAF{M9Jk+I_6jgH`f$!RJ*^#;&55LAWVIM=!}yfNT?Xrgcv` zS=i1w2W*ozBtMOG#}7yeh!UBV9KWV@MY1{475QnjD_Y=sQde)XKwrqQNGCWe)gvFO zOZ;sh@-39{xI8E5B5H{vO;)p|9I3Lr{K)~-KvhrcR8TUio$8B-5P~n<0#FOH{m5iO zu$m)31OrhiCGu4T>Ie};ZLRP0EfMzZiwkg^E6R#r@z{K;M6)P*lD>oDv=v9yV6TL* zL?wudMQBf03pvr5cVMroTS3oPrw}O06^nltBDwl&W9?1Cul^lB{E3(s1N*3!hGVH z2*!2q;&%ZShq(P)MXIhU16}PK{pL=C`v0EfVBI zF%1_EP$=!lsq#D$2EUWi95L<%RDccc^G_#}>$vUhD+0qMg77zmF5b3fw%k?zTk5%k)B^5rE6@2DzqzL71B$jNnZ+j;4dC8p?hM*IYKER zGeBR29-hdNZzAaO6s7wX=;~FtQSgBdg8PejgcgCu1!^d(27fF02Os%s6#d#HOqB47 z!b=2^_=n)OfR(2b*8DJm)9A4c^{dlE-73tb0AMQ@2u-!WNgEH+wi>48IJ=H@Q!15n zE3Gb89s#^~a1IyoDE7q67f(}b#|&lc2d)ME?nf8yw7(v9lwQ5iEL7Mo_()Goa7l2` z1+GNqEa>D>LL0P$cs5vAr9cL&&){CCRH20gDicJz9BH9*_@7(EJVZ=ZsHj{pqOc$D zj28424Aw3*cZ^^>Acfz>x|8T>L~ruDNPb{q8DopCd(6>8;M`3aC@cMy&9gjR%nHRX zG*-+CLrBI?g0p9lo4CCCf@unDl)Qdtfl&OYL(41}-{dh~5S!Es6sUx1J3mez!GSADOe;1gS=J&>AAgy{5W-$?sj4rf=GlzT0P&K)Pj$w%3^4BJ&d8f zK(2%4sd%MOw8PPYNVgjpGS?UZHji?L}^H&4$t};}~|BGcR{kwO8vW>L&FJOB4Ar zP?LT^-_)voyacF+esNUqwy`Yc#5z+%eRLy6&G01F$=x&@nDg+!PPeV?4T-Pl*w$KX z!&&aatwWV_)iPe^zGsYf`~FyLynPD);B>)f@Q;5QByB%Wqx9T9N<5_42MDO&E3uv% zJD}BwQ#vt^7VN`Dso$^OL(}br>DFv*8YkGq=2-65*f%%)%`dD;Yrp!H4$Pd&oys>) zfrdDZateMOakzVmap=@Z`S0mdyX0Yk;GlEwnM>6Lrd*rC*&Tm)wSOath^Iu>`F+*) z?f;#=PCPu4uT6uNNaVi;Z-jtNi%Bnpe1~Oj*kn(BA!O~vXoMaB;iTogmDEf)r}?AW z`yhSq0@MysCvO};XtY^OFM^E3_V7I`u;u-~SPD2AadpZTuciZ3N7n&$+90~?PKGH@ zoIL?D!$v-}`Hv}*r&|9&ZEUZ7lZ)2Ag@1ev6~GXFA!H(c`+3HD@(8R9^P5efmCgxMMvk<_wnlxGY3{_2f4a|$+9z@6) z;~(x_$_8V6M1_=3_z3MVho;LlDxld-SQs{5VlG9PhIgbqR2|w&?6dF^N=&2YCuUg= z@DrQDO9GnEsfaFgvsp>E@JgyA+(Lny2&+ovIvnMa=hZZ~aEgnj8s7MAna>mXAZ=4c z9dUbWWa#EWh@p=T;J(RLaAwUI9&n$hX+C1_b^Tst%37KWc}-VTJ%RMk`+bFiQhCd|_UH%#1#^#@;Vb zC4s#kWU^-1k}=c!xo8^prcB=n%NYi@*Z#q_>E%X`XDMr@!=!eQK{W(U%r#?>;`ZTb z$6&&xTLMg2%?DsLAlOFVElDW06_kuwGLk3kIaD1Q2yU9bi`Sc zGJT;-*=!>+_S#F8g#B+|!kO%U9T!cr|6ajAemyfY*PNM=CrmOQ!Je7X4q?yC^dG}! zGoTwZ>->f^cH9|ZM`($ww?=fy5BV;fYid;wMXH*4GKrNWOv9-?o`&CGJ5H@-bEh{) zIO6wygT^O~*vwGF*c!uc741elnnl@0C)z#8vNo%Qbd|zX%-;Sz7J1?8n=713+ z7rnlQrO+3>(#O``>sP6g@LrEH*-R$+3ND)Jz3x^!gqiR4%*^k4AVDc4-^+#(meY&hL*#<`WSzW~NE^Ms2fu8`H+6{6Vy9X22V@)sK%bbIg2{ z{y-?7nLWe%gXbuJATOO+xdTy0dISFq;;Fc8$UB#&p%}ODUD8tF7S@W>Vy>pc-!tm4 zjaT^B6xkWP!n&RjGR;WHVXkxVS{$$RTDRTZ|xnfgm|QP_@@*h(^`Zy z(0|~fsoo(UoDfR6n&~5P_6iDBCuszU6Zh!C_^6@kk6`qs#fCniEjOyFDBHiSU=;=X zl`=%xe$fHx$H3`vQY9H>`_wf9dyY}lZ1D7Giqs5vT13^yHOdYcF>-)U&6i1g5TLx*DLq*Qi=HfcncRVln{gZ=veY zfNHbmF1RpqX!09GJN?a)7;pMFYUzs9hh_H%qC2 zt_5ZzmVxkfR7pVh_p+nJzh#2%?1v?8=CPSUS$Yl8w0Ug9hi%7Vu)yw=mC{Z(F@)15 z-vM|H(Mk-OJeR~P!nqAvk2LH!715fo5He%O8y~y?X*2O3wvA7uNYel!bErBrh}=97 zh`6J7uHqOAqA$jykF9~?JXI1v@oXj=R+Q+%owU|NTr@4l%MKKe**3l0Kyilxigwp7 zUTJp|f#JY#RAYePS4eyU2v#C#ody8EO5ZF=@bK;w;TY`xL#R5m-A~%sJ$Nv3A;K@P z0Q&5mKGr2{wh0*+e1a+od;fVRo5|jPhKr`zdvC8@vO`Lk=+E{BsjB9IUx={6Jg8Bd z2mXbvAkCUGe3*4u;T*jvY_p+D=`$sM%B*U!o4HRPwuKlhU2|!GrK_kL8knx5ua*Q% zSAo)iGqJ6xIy9J0*?=iAVdT*C0+s;KbWG*#(?m^Q>!LQ>ibT~XQ6+(@|DN3#|8-eV zl~TwKh^kywq3SIWR{Y08)qSid<}u4~SP0UrDZ`_xI_WP{{Mz8EsFE0&s(5z@+A)|~ zAQckv=^8;81a?#W%^{xSqHqOilu`S10$=63X6h13CrkeIqz2B1F5+Pw`mpms)?HbNW zM!RK(w^56!U(3uf^HHL|P&+ewhDU#Oe35dtTgB8=ArbjiBt0PA7}Wo-q>cjhR}obW z^FL|SR2$6yc#4D!nEz*}IyC0nMAFQJkwg4HU~TTv}HN*)Q;1=Kqhc32raf02loDqqPG zv=M`z*IpK&r}i3$hN0I{fhAduxCWF4T#cAQ)uA!eCSQqS_UNri>|i zCj-?vgFfxj-dWQHV(zilp>ioegi zbBUhK@{xGy2r5i|PlRn|28ZZVzRrK{ zPm?%(X${){M3n?+f0ButF-wB>A9B%D(7u{Ln{sp~JVoeZacVgQv1_-52Wjr^s6p&1 zjNUYDg~I!HWQB;98)DUUAn`Dy&CVRxNL*}C*MSD69D|&bq&@;US2JDBer_KQl=woY)yq78ojJ%G?nn6cm19JOlLk&AZ9jB29>`lp#WWt7`X7RT;RY z7;ybZQY-d^RVvwNqQJ$ehu-(WfLa)eMj9cSrF zYn;9K@&IT5HbuzVT=%P7G!_w$(0OJwqOOYz_tUOk{&hIG#(_7#3qHuN5g%wI zCL$!v@GZk@YL~<7UD?N`JVvzFW=I@0k8ut2&dg>ReG4@-vuF6|`&1Bp6SQcrLt2Bm zRyT1O=7HsDEyjPGCe0T9V{>F=n*JAz`fuYzPNoRf;6$pZIqw3HgZnHAg&ykUX@%OSg0OQ;9LQ?}p)t*__6oJZH^Uw&yn4b}440pWmZq7*>&HYQcz&67 zLFJRlt!BN7_mj2vhw0&JalnvXe$L5X$vpJ-UX7&s} zhY3#_SefmzxCPMUr;0;H6Q><}U^2WbF=SgY{^R+i&DySnXhE}>7aG;w#(A7ik)y$R zyb@K1b{@975|R}o=Q%u<1A7kEyVLrv1bu1kIo?c_gy(pOiDxp_CKpZh951~8EcO>V zRS$a-MeH&(9Iw(UW7$YqQEsl=EP2%y)|FbhV%=@!O2xLD*l@g3Fva-(c0$c5emNo@GowdsPVtMj%C+2{AUvmV zyR+ggd+RwxP}6Eo5!4!{y%?YHSyD3L6L?M$w4=F&&lwfb#w~m%MW_b1@C8&I+AY}5 zDHJzG&NF<9MUgP4pf9aG!?&oC@C^TziJJjShH?Lei>7*p(3~O=%QDO_)vV&_MwPa45Vxkt%HSZL zg{nh42%Fmif(s+(7;a$^z%i`JpU2fceZoLrS-XW(R7tpneM~x&CGO>-sczxW;e}2s zC-j`RCCbhmb`!*ogubOv#sQ{Ib+*eh2b}ZeEsMK~UDvJR3{$()DmktjOaYdftP1Me z5f+-6F=|lUuvLKNhGKQTzEZ5uSs^i15I`KW*Q^q14M;Zzf!{=`BM^8MQPlwWEk>=f z0pK^LNXP)dKZmMA1F%g(EoQ>V;qU8N0>Iz!@gMrw8hhVQl?3*_mdTpoMn*xe;i9S7 z`;38ZYmv~FeI`=f%qSU^Q=5jXTG1| zGao|=XJ*gvVYfOgT3Kj29bWQvJf~x~o*${3=mFGW(MSzDCll`J0ddzbq}#O%uMGUc z=15zbi&#aamSki20#F)oV|Wv)4(%dr4vR+lF>>DGyFLVky#;-&OWSN)0(xpWQW4=T zzLVW}zs*I{yhZkBVD_Y_7ewga>laO%$F`KXQEejaS+QPyzTKQ%Rg-98I;E&K0aZ0C z$WYZ{(c(A>S#AQVq8d;q#>3pqUz8d-)GlMRq~Fmed_E*1bIq|~m^K?(ZW8X-SPl>|b*lgXQ*M^1%) zmW!q$q~%LlcMtv?3|Ccn`o#z<%!3*=JpD^sK`u9*)`B}NNJUc~;BJkoCeU@RT6dbo zhQqm6yRLJpK(An>99L6BtRhuaEjChJyFEbOF;!Fp;Pq5sNg~zNpfuo=_7YSb8h~vg zRgD!Rhr=sa4#44Ud0!DvPT-!1!&(@^WGbo)-)w0zYQ2ss2~7T8c2oYhY?%D&q{C}U zV(Rc3&ZdP%QzzXb-mJ#d;I9Udra8C=J((n23Ic)K5h8n097II;}=-y6AbG=@~UR=+6;|ocJdPuE@=mmw)XcW#vFf=2*?FV)oZPVpNg~)=BRFoYugLEY50py^vQC$ zVfR+%bC`f$)L@G5LRHNaS8+SN4IO9BIp411Ai1~r7=MrJ=gq~(YWJ?c;DXxt8vM8q zzf~To9l}4oF>Qn+XIrESydC=Fj4G!>f~XdmeV&Zwev1@C*xKt-1PfmKn+C$x%nc0h zROh2kl^kEetrXj^Uz-De5|Op)!nN|^Xw1nIwaeLGbLfU+%=a%z2*P}~_P3~+@fWDz zlFZgVpCW9775^=&YF50mHCtN@8}Xy*M*LKZY&9_~89BTEbCw5O$J#t=rM|g9-|12} z+nqG*f1^smu>X{4CnL6I*q`B|X-+izM&!n;%!>kjO`FFyJf^%@!<167UJ$xfY_#jv zm=din!*xMR2J91o=#~Ew-STb^0GtTk=)?Af$g|_nSQs}C$syYBs1zi=)Mk)d55LFTYbUini z34or&MbiMNw{V9%qg-!6Ub$JPQaoG5CTD97t2qeL?-N1#xr)=wk%`m7ju!EAlwZv0 zqsR5grbCw-F&9|CW+@+v<^p0-s8lI7t8OD$7WzK+K!tp>5y6;QECe$;7u^fCYGu~j z;hl@Rl!8g3WB0Z&*AOlw{Zh)n{%tccH9-Fgd zLF%G9<;&79rqBX@7l{z*7W;gs*scV~JV;dqsUME8!aS%^gVYb&3Uaw2RUPGnRbt)E zZsITN2w07o=&P$MLs5@G)i0A82~=GxX=}LpS4JhX!PPIO2+V-1e~+p|PyHpuu((SEf~G&ctoEtmm68tu@^e4QZ5wB zW&EtST(hdmqcB53}iG9i+@wD3>}Oq)H+Z-pgdoL8FX>r?_Y;X1_WS zvxPs6%g=-jPFy>$I(1(7n8lM5e8`1lE0##YxnljSPL%EGoC8lFPu2vVW24il&jp^~ z2dPWSzceDEGYetV{7cPN@ywb%{9;Hwg7M;kltJ8ztSP<8Nx76hfiqjBZU@IJPsc>| zDx0hTv?XXgCdywVl@tEtqEI`U8~IO0wX|^~KanD0gBy7Vst)Z&Y%)KExiNCyiaU6GmVBfErIKem;aXx;9q1uXZ0N*4P z6AoZgcvPAP_@72SwDACcmm*Vx2lx)E4($Q#*f~8r@vuY^i3e>V{63U@WcS| z|0+eq+B(6PxM(WkpG!piY6BDhD)u}@-dD0kxki_U{&MOOnJ>ssBk2EqYhQVStBJq= zVV9n+!ss(DJqeXsZcp$~6rEd5nrh;V?I6s)4gQqxxszZAUo8y`N92vR!!qZtCa26NmPm*%_ zr))x#1uCSYl-UgB+EbY-iOIrKxe;@eD<=!nTr|yfWIyNEwQbrww&7PFDiMf@B(WL5 z#v>FGL(kdeZ#gCqeG939K$y#fJw^Jfq0HN;Y@#=`L76wDh~0oP??lz1QReB^@o1DQ zBZo9^V3G8NrS!2bbF=+PZ23*9B(UYjnQSI(`7tiKblCE7+osK98y;KKn~cKJWXwDO zrpTJ{VGFG&HLy90qr_dh9fLSM(^BUWbSDO2zCpSWTI!VTXu$IKRAxzlczou;%iO-22S1Vcn`oe;egtDXMxSvWEL6&@v%@=*P9#*+PN>_@pHyYv zon+c5JF#4Si18uMAoUYIaUTAtUEW zp2pIECrQ~fqjEY*naxnTjuKT8vFfedPNrCOKNn4P9bV!Rs&M<--I6qq5ePWCb*8?E zte<{=8dpx^TtpmZ#tLza&LtDiR+-G&I=s_(Q6gX$kjS8*t%eRTAqkYwjS@>-?>PVc z>Q9V=`6*IW;b3x62NNBT=5XF&)NmVz^OGssVsJRWgsMY3oO_0FIDHHnIS2G+mQLT= z2z_krZ+@F934ilOCToU8x$gQCTr|z!WM6mvlx@??jZP|OgS5X6u4N9gtJCI+ekhy1 zp>sG2L&G*4125kqnG1N?s1Hwrl7FHii8Cx4DEXf$qBTItzoY8VQ1TReC}Eb5-cJAD zu_OQ+rp+5Fqzm3`XfkNsoC`qYYboN^);s>1i>84{?=6WzD3bEWh!y*OKUf^)<_ zz&%vq@3kbOM2jBvHIp1hpK;AZsHIu&hYx?xMsQwxpsb*x*8xJ`ctVL`Z~O7?M~pvu z7OAH2M^_1d6h8>fKizB8W*h(X%oNQq_@@U@b!h)|m$iRNV9v;exp%N+`odiLSO+q* zrAiM~p-Ljmy^YCc3Ud!|(KHX0JK3%BX9aPp zTI~6xw}ZbDNXArA4K{w73M4u~8`yYTiYN`R@r$TBG;G+UiPl&#avx zz0m$0eXmR0Y*7*|K1`JaS}ZdCOla|XE}DiGy&p-8XZsdmg9y{Aj*9s{9T~iN7^Al2 z`AJ*RnRR1$v{mOt+jy$BVE-huswU93+C=UU&Za!;ctxaVqv+{WL2j7Eofp**c=#^F zgmT{|jT52VnCh*D!2jE*k~RqZ&nePE1gA>F;cW+bcsL(Vt65*z6=1Nr zkOJL2^)xZY81;$vbr^ldiM9~Va)a(U72=W+a-vMin^%xo^X%f!SP}w^B|Vuja~FeS zUQ2A~dAo+gMM*+#(;#=0>`PoM0wSnjRQWU`e&nHoJ=m6O!SwsR`MlM*s zn`Hv1-W1B1sprU~B074R%~Qt94XPyKCrA1{;B!eT!w*{lsBZviFK%+P?ySEK6Ch-^I}=x58wq4Py76QFZA<0pNr3*BsmauTqI zDhUi8W3pywld;uWE}DwLe@+WDP7$$wu$dw9d#WV)bXvph&cctBt0D^>9wCR%o|L3Oxl#2n zyWkTeGzH;fBdFS~dz5xxyk0KmEHo1dnhF+|Ms|G4^F1S?RA%)UHP3gutx1?|Zusej zy0p`A=BqAprAAYyTKS(OBEtLezC^zVRJYrcsxMI=V!U9T)KSbuu1IQK^Mg&J_S*Qt zT8btZ{NQ<19oi2bv^a2*$e5AygmWwvc)~S#QdWIQjJ~q=hOeed!W)*Dv>EQCH=N<3 zY2GmVfs?n{Hoe@a(+pPQ1J#->md@az#B!n1YMmL(-a{k=;t;Wze41(zei_@3L7U$t zb&!kj@hxju^LtcyNn-B*Cq@1Stoa104vjT7F?Rx6MhT@WFuF@m&JPIATvv+&aq!-0x~&c$TxmNUm!i*R+Ed^P9+sdl zF$jIdwE;qJj?9sYrd*ZRIk9v@j2T=DQD_&4m;qKPxgk zb4N!Fk?*nJ{Bk~LT5n0`j9t@RLeSyrpBz3C56ZHu!eEGR3V`Av%EpKmPu=ycU zM-e?=5@3<)qlV9}QE_di>8%tcFoezzqw3K3d|;4iy2g`{!{{?C5McBbc~(}|Rb5r} zNSX>;flbLSP-mXmy;T4;7ZW7cp49<4FNlKOwPw z4X>}J@=Jo(+d*l-$^0%<9U8Ci7$jJXN_Oy07@LManV#9&%OgD^*nn8h2Zas z4BI?_QA6-|+6ryC5&V_?(Kp}kb3J61DwL}wuh4F}-Vi{ZNY04oF$>3uga(84L~^m{ z{%KNMf$lp4bWbFqf&6ET`fdaApGwgk1IT|KRfh)o`vw8|WEPFwI?Erjd}6VlzOu&p zZ&D?J^&ex>W~h`{|4}ZQiuL#DF*{kfSY*NG+pLr8bep;291d2hBy}@05lPO>;`WkCF2%H?c5)bes5y?}UV9 zecOI?K*S+6WI`HSh21oSMJJjBMS2X6 zSrR6o7d2SR%TQIbmQ~zNZ$rnKbI#MFQ&n&AG5#Lgmd(Y-YWKoN)yCK0$9?3j9;qF| zKfN(E#?hNZlQQ%t0f?%I+0Dpx&_$BD(D-VK%=$Fm+`#aDEaqNIaNTOKDNay5i$QlOuS?9i^3-x_V)3_;L7KZeY7>jE+KR}m1H%LI3u3^KZ_*Alui#s}VIU@A z$bHBfbgF>g3#EF??RK0PWInbWoryu@i=P}I@+O7I)Kd+Ow^E@cLE}xJG~oX8Rj4{N z8t)$njhP)Ihs0wn3n1~;J`&S7rG7#^eeKk7nd<18V75t#%ac?|;PP5-(+qTS-m!{{ zrsDE;AD5}~37Bjwqwx6l$l%P~95pT9e{NbL$w|Qz*SN@5fTG{^_DaMK4a8OeeSvjb61K}lcuioDN;6s z!(CK;oB=q*j*$c463c=^;Xor*jF#G6QgY!4riha4^{7ewh_T?+G!qmRn0@OL)miL1C6L>s#`5KSG^xr4V6PUiGue%zo z|AA3MZD9Q)DbhB;`X8a{(6DYZMe66s$RYc0vp9h48}qD}d<964qp5&3sDF_v2~htK zH(*9I3F;rr#N!&|5QxT~IVaFOC{$hKmTcKh`K(vGPXG>F|n1(sy#;t8NM z;L^qQs5&&n+9Yb#STS*)fvj7Zycwb-vTo+0 zsmOZ#C}sCU#EUe^Ra{ptHcLpr=ZXYs4^x2LE%5l+c2< zRk^54N#O=qyiC*;dfyjesF^jRhThMzRR^=a4ZkWU^RvLGH|-!iTvy;Y zlZjc2R>xl4aJAu@jDd5HbWH@#nZnfNS)=+-P$hxtXPCAbx+JPsxM(V>H;xfN2Z$XUjui2-JhT!ysW?OH z(^xwxBkyamxsYS)%?azBYju$qmXfwo`c>qsn&Hp+OtyA@W{0s^%}D-pgk#!~n#&V< z7h{m`B`R_z8yQUKaLunpS_^YpH_6n)HSb~mhY4gnT=Uzgs@dd#him%ImyVpJk#6t_ z8{`klu8;=h3cnPxQCD47DvH*WI%|YJYt$QE><~gtz7i62KlDmSRN>8zSO$K7MC}WR z_&H`uvffb#LJ(nYV0cfj4(AZ`^Ss=(_PC;&-1itiH7@>+aq`+sZTQw=kYr^(K$0;v z9!(WiQ-LL!sjUE|0cUEPQB^~b!H)b`&C~*BkKRGPfA?W#EI%$4PxtBcwJvb8JxPPT zhO|T&?7wC=*ni=osXqO>qYk~^q~$%w{>7Y_iaD-VZ4@yF3uay!ORJgGKBI<5!EV%M zQhQUZQo~mvF0(!ikFVOarcy-eiH6f?br$RpR;ws6wto%mu$r-H#fNAo23=2)YKb^) zqpP)|;p_8^+NXzTX?w`eO_8Kw)>J{&q4D)87KeC3%ow>q?g5qrqO0(;81%6IwrofiqJ z`SXEdXWr%P#$^g`ntWt~PN?EKO7%Q`nVg)AJshP?76O_BcO}N1eU8K+tTTSz_~%q$ zNhS-QO%b!f6u*S3nkhaGlZAlUqi3X_W;p=*ug#B>S|X*frj));vPy=IM^Qap6UAa?w;@ck2vo!y9f=YuR9np=!b)U3^@`Ody|PryovXC4 z1Sl5%c!JTF0C_kfYR<8CSC~EKfsWdoV--ekS_$YAu33AA$ME9;hGXH)=Fp7S3Sss{ z?i3bt=s6Mqc>k2+)?u27!Q)BNB7w&jdMzz3yTPbldQ6lyshCI+l>vvRQFUk>-fc0d z01HNLDv@XY1An&&{GG^+Oa0QP&UxNP+Y1!_x>$QC&O5<6`Z7>fX#JrGBh4%sHMIVKtr{#hTC0aN z0doA3bqC(L)sTroEJNZL3W=-mDl7l8wHyQMUnKPtuzp!=yBfxS*{G^E82>*~#BRX& zZ=mYX7;lr6Kb|Wi7heB=ED`{Ic%_~`w#NDIQ6+)%f6iphpeAwtPq}Cs&S!uAWAk|C zxwU9|xv@paDz?UN8BB~pl>&e02r_?&pH-b$D}WHNt>-ju46u%DhVVQXX2TV z;Ce2ah6KH9a2i6)rNwPczPw42p&*WIB#7WLlvEL!6B($v%cB;N&Dx5|tOvudNIqM~ zw5E%T1`S)}6tx6;o`_kEeAd!65d)t+(kBsOtp|LH&S((&TBE+%gjKIjk(~iT-;An5 zL+DL*5Gpw_a-q~KSqy;DmH89;oS8niM$liPN&-P2VY+5GlCjiFxM(VZzWSK2k32J; zuby?9nEsZr!bG!W+8=VgPIb0Rn?$>jT(>%lYx9^nx0+6_>k`h=jJn!vWBS~1ib&Io zrA$cxcZB$EsmQrV<#2%9>C}0SeOIyTx>ZzYcUmRKRqLKVNL^As;ddgUGYetVe8Puq z6>qtH!u<-c7ut@UJ3s~D3CgZ_s^HccCYF2Xre`8cH8yE1E z6j2#mz_(C!XcsVL;{u2YBZvN9U6+Ge+&C+{MvWVyx&I zsxJ2-{N8BPuZ>U-1GR2RbOw$Fm3Rj3YLGJR%^OTzr;w2IrYJ_ENd7~jYl2`NE; z3f-t`nB9n+Vm^%|E&`-WQzX`B8|DUvpS!#)a3kGznI14fT4bkOKvG4wfaeVCCNl9P zgfEkc;hFp?rVrPK24Y-W`SIvejN#6boP^5EIxka@K!}Wdav@xlHUBF$>*aQdwOS%qA-_;U!c_V8VmkR#<=Zlgt_> zJitZM{AKn9=-1meZ64e3aHJj;JzMNl`7mvCB2_iLBdXaH4S!tlL{{h?EHF)>m~wxScyJpU@%7CED0E_0i^+F5|^Ut&|olW5rYs9M$YmtWC8G;TxwTnYm2_t zC2h76i2zTgN&*4?Pj)l>ZYBii?Ujc{F((&!nS!i$e3H~ZE$Sa>I&t`Tu-7$6RkhGL z9bttT)&whhADL=2y{XdFaTh_v)bZPI+J7@1Uc)PHRh*=%I_}hb)vI)8g9T(-OrGl$ z8_u~_=gd^ORdT1?R<~1frV5m=)$KMKxRDV0qk!D+NU-dpYGJ-@`YKJ=JFYjq|HkQC zwU!PnNsm>IT^hZIZrv1bU> zW>`>p&?aNxwn+LV!m;%MeGPO=M*Y**Z_*}yg%nvDBCrOk4h_0Cn_-F*BL}@FSqy;Q z&H0m*Rs+YWNcBSaOJ%I__r+96;O_};Ba_)4=b~v5SZ|7t7Et2os?)?F1Kfe4_0c{o z#>yzkE&yNadJ1{p5MhFOIMNCI&gOs#KW@te3+yr%{VH{0d+k&B$8?Lex2n{tyNmZ+ zNK@`lh&mtVI^m)AF4LenS8p}vz2a=$Su94U?H>~~em{nWUbIrHoS`N^B8u-><11TD zaPN?*(^PSaYHY7OU8rcKPFfeOldrvRJwRi1sa|y5@RD+G4bG3!c_C3`EwbP9_D}7P zA+g>%Tp}!Kf3Iz}s@Ntyk5|?<%3q;@odx{8x!IyidZdu@BSMP<+^y}Ejg=jTDo+dz zrgyb)hP##X+&$mkU7W?HZn5Oex53kEPcIU){GyYp=;VBRGF0?>6y0^2qr)-qW2NNB z1o&~GIlL9#eX%k@9bVDfRO)s*7(zjQeyF$6|D;}RI*W&T>i`wF?>p}<_O>8C!2WaH zokXHv8hv@Ox8{Ljz3aG(Z&=**(#3}t^Oenqdh6$%CM9*p!!Y=RR$Fm>vC+mK8$>e& z&_07d$K;>gP91+;+D*R=^>2&a@ib(&~0h6h#C2z5}8HeMs!LLzS%~Te9 zJ0jmiNYqyChK6qvbX6bx+E<0Yh*a)fOk;4ts0vtA$Cws-7uAv1zl*c^;CLB-U+6R! zdzXlu{)MvBhH{`8M4aHm8raGlh6#>T%LQ>`e6g~ow~5fDpg!tdScOJiRPHv~g+S}T zSpJ|2h3hnnfUQHl&HPDlf=7MScAajyRXE=ueYzOWB(_|qpx0zA!OP`ms~iy%Eu_tJ z3DqzV*~_)QHB=^g8!?#RzB`IvB#RX&p{%l?)20YK6WSD z3tpwwoNRUGrxtscQAzFqN@Aa(0r7Yc$2xqz`??!$0zWr(=1LLr^ob(>WS=}NwMZ&^ z#_3E}9dC}?fXz=;yha_3tq1zUipt1VanHKm4(Mc~5SV8$fP&j54SB40vAckK%;yW0 z>U^b+|3iOQkq=qyZFDiK@CpxgVb?AgbqW71{=}9EPPYiw?kFKY4dBt~2zvvUnT4o* zrrSmno6tM2>Vf|P2Ofj=v`W?H9CW}3hOGn@Zg)0P4jG!Dyp*Vrt#K7Y5_G09i)|s- zTR;~ojzdpuUWTW)if3@Ws93Gjwh>K!xZ7KZGKt)E>T?3q9_y`inr9b*{k?SpP80Pdk4Is zMBUZ33b{rR&f{AZ%sc~zuSays!`IrV61bg;^eG%|Q%j4rgQ!~jH597-I)0G<{b_1s zd+lcWbGF!9u?OAA*M5eIe4Ku~Xf1wRyAD6TMn5ixBX)W#_EKj*kME0J4)v>L9@1KB zMf{$xeE}Z0_80V{g5aR`KBD#x`t9rZt=n5qWyv>FO;P$WF8L^zdbC@)hCU|(aKE=! zp235w(co+ECR*IbKcU~aqkm1mQI~3uQkS{kyQ$0E`F{*Xa1BPl!w@~1^m|l0L%*E` zfy#Qgo&^`ChpbSp3#C%NaJAT>sO>{JUr=(>Vq5PC$D3!Gt#ioW$tsbf5l-iJ-nes8 zN)L=Kq5tlz5}6+(_`)KYaQwNwHiM$N>*vn(Nmt0cw_5tRl|6C(rMLPSM~>Wogggz; z{ugV%i!Q@lDF#4@g=U_|^t-)_bc+|#AU%PEiP^>4QT`)MDQd?>9jO%;;W1m@1R?Ol%Kx=s$1KNao@ASeZ?Y}y$MT6z<8-P tqT#@)=^wLji@goOmkcT!s?AcpTP6^jCp;M|(~COH#>GQq^4;0V{~s8gt*Zb4 literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.doctree new file mode 100644 index 0000000000000000000000000000000000000000..f45c2a027214a8f19758618a0832cdc073c8c0bd GIT binary patch literal 153235 zcmeIb3!EHBbuX;vN?OT!*!Tgm?8e6SNUT{GoyKV zdPdUP81u$9lOG`-!qdPFNiM`d5|Z$dKnRZjA4v$W5Fqg7CO9O4aQ!8L@W|zc?|)8J zcUAXvS9j0s8ZzJY545{8Ri~=X<9|+_dc9=j>&KQXT|)nLH@MAGxqf=mE*9&JqT}|u ztBZ|7r{>h#y@z{SU)sB`m+P)+*{9q_r&Vxz-6bedD3z@?LMGj`!b%bBGzo$ji(Jx5>lN*hX> zOY2JKmzI~dbRXSOtG9O)cHH4QEqBKqH(YVeRXYwl&4ycUH(F)K-7!~gmpU`s!GiKk z%O=KcpKXE6sYdI>4)osLA$q+dZ+F@aw^OUxt@*$odBwW?T+{TGfz^{O7aY6bmSvrp z(vt4Va=qxB*2E+vSh^4#Dm@i4xfuVy1pmJb|KCd70>f!I;6x65F4yNE$Z+t1Fuq-moorjrvUcv8ud=Dw*n~;C` z^pxecTc~!~Tyq9`dl|mpcH)%Xnsc|Z4pVnFaChu_z0qbdYkltSI(F^FZRq%vbs4kj zvON>lwO;r0ZqqI}Qz?3^xs zQxxvdDcAw2cbA^(*}CXSF1J&wof#)kQZLk9bGlZY;&A{zz%y9GNvB73Z${mlq_Mna zC}R=2wL@9M4p@T_^kj2>ifjowTA#BTvyplzLC43Q3vOA;8n#Xd4gg8k?SW!xW%ukT zZJzWv8uP8G*n1*ZWiT?WLx^t){+-j;$v0@qM~KvQKAnpMcWfXWMC2%YYt@tuu>nmA+95+wi-h zcVn}m8-9Hj3}H+@%;HUb)jh?C_(n1Q?eUE7F0J>Q-Xq}fn^;Ys#9XDWG&}V|yVD0U zOQ*aZ;5XIcZ<|_d_P6*x+2Roq9Ka4@P~?x}374iLF@y&4HlOTrK(XlYlJ2^uQ!f%s zp9bD)Qj&h@9Jp;1R)hMIp>5r7tpPbeyj`yMy33mLaAf$PJ>P`$lDLZC2cH1Sopw*O z(p`&B+@@0~&z1|l2fJ$kF11FnLmux*QIJ58H$Np{`XHI=7r?^LBKQd62C6MrqOf|eKcAcZ@WvMxuxUE1i^ng2|wGnEZS+6J{* z(;X|2VCJX632(HCtbD0?WJXs0)MHy5G`!YGys{Qw_vrz!A$8{;G18BQ z2T8ng0qXkwU%qqK)t<@l@5)LZHMUXN79K+)Ajl33f(c8viB4*am!BYF-=+cDpO`xx z%lMC?UY{eBoSSARYv%)m}QmGa2=PQi6lV)&_wq(Un2qYPFa3 zkN}`Wv22@e)`U%Cpka%e&+GcB7ET zJh$!kDsLoCy!=%?q(|vfS%xMidrMnHuh7fuD8>hiG5O+ILZMM_>setvt-FS1&~q)j zS<>bYM;}8w`wwlWOs>^(v<#<(d4H)&$b#h%i_rv&Chri9H53QWT8=;DI+V0WUF-w`B%%f_S+pK zpY6KUY&8nVLtDB1hqhXNV!(3TcDcqiCdZGUCo{HNE?DKFV^ccG8|AT`cjc|JYqcAe z-E3CpL&HXMGzyGUW_z8YgZ1BVs&Bu|g+x+_09etQ|b;b{jLK8cZ;#Oump@YJ(c&uK8Rf zEpzNbXR-%P+vDaOJuP;Xm2bo^RwC)QRcg=+I*Om8BcQ;pv z1KriIvPSi!Q|xi}^_=egKVvY^*cuj5<-O>!KOb5_u;GhCPnCSiD2`qI;;8%)v4Ui= zvsd|J{9gGe{t26pV&6bV;B`#4j0JhpFS3cF)?U-<~CrQ-YqdAqc@o?$%j03O4a?$+up zT^`448qXCm<6&Lel}?vFJ5ruUV_jHO#MSlwDe>OQ6UljT{!DA`+*nD4 z(U+{^Y$~l;g}#``$fz4w7GQO8hSKEv6)2bJEtedwN4yw z+nxNpb(|tl8KTPm*p{3oSa)~qI<}r5wu}g@Deyg2DkJVg_$#Uwt(keRIZ6Ln);=-X zP!w8K?3k16z-9oi^8S7fshAHTHh5rBar9w=LT@YBg7W19ozI!4C!O`B}S5Uw`rb2==XZ<4(a3~}nA8OqJE zRv85h`voxU#SeCuD_PAna`a6A9KNn8ZP#<+QX##5j)}iDGRHz>RLmIFE9u1jUX`9G zP1kyC9{3vHCcH5(y;G}P8)~>?!p<~$=FU9XQ_4Pz^g6ex&sa6$_Yc+C{hn-ww0f;W z=Fy%T9IcNJ-dHz;fI}nvx}ipTRs;fR#Ld0-EJb3K*V!@gw?^ijL-lbbqnbu8U9Tiu z`n?i=Yh-?Zs9qiRbcE*q3xmU2-^@ewJVGpDdxJhNu7uXqr-x$0I^8*FRQm=Hn)$^= z>tBoQ4FzCV#RXs+Q7v-zLH*F@ed}m)>^m=&s15fwO)OTqfjWD^E#rX@2)=NfJZXNW z+9;gR{o&y_Xt`uI*L+jaawE z{RTf71FfIEgk<*?4n-I1M7SG&!_`dwTdoI6knz2Kc0oMX0rYGpz zaSwYTf!y&zvC&4vLs?HsB9`ZBjWV)xUUHPe9}1_SL^8w1n+jd3U|TihUn%ak6E*`u@$CR=E4N-c7c8RjC@>F?J`0#XDF{X115SDK+3t1`Ll9ht=1Ky( z#jGxj%^7R?uzMGHx45u-UU01X+`W5ysZlMulhzTy7|kq!c!X$0r&T^FR*vMl2TwP> z1q~{qft#%8`&&L*an9nO1~4e%_ekE~R}R%pU*iK(hJq2h!8ie2{&;l4#Tge^g-2MpmB z_Qf8`$FQ6u2HT>viG>ZJC$xxxR%ZhSKn{K-6V(9wwIQ9Y1acDLfIlqpY0u;M0e`rJ z*3=t9O{MbW)Iav*?0zCgsx{F!nvna6OTWH5wrk{mu8wm*v1^mc9CaMelQSOdrbxdv;L>!1 z(d_mwL-rR$p>_Uj0>kzYXN5gs&1fXP5h9TaU8vpYd4jn|UdpoIcV}rq>&xRq^`-Cx z$WrTU-$>8VL(c_TVq3B@I9)VLM=r7X(g`fF_4PL;#-AD61;Y4iGGjdTL&x~Q5?i>F zS+G49zzIt0%$A*MF&{cQCU^7Wm@$8?C49s;v^XMb@&*xYKg#$a?>L(4nUnsJa#7ES zl24vUz#m zF*GZOtzKKL?c1$`oExG|Q{E|9ARfMSX^$8069eeA8mDRFn^*=c*P9*elcMveJRQOI ztZ-EVUAu}&NTZ1zbLD%SqPIZ`Cvvf5h+{_8eE$Mf#GyDjLy7oCN#g~Xq;XV8;|P8* z#4WROn$^?C`dU;eya9VjccV9esHJyxUM+kat#WsWwAt1hqMKFjW_(e7Q@1$0MhDZJ z)6HtRP;TR3ntzrpcowDNf^cw`_XGMNHr^kqokl6W9BbZmX075gZs}GN-w;z<-+al# zdXA}&x94ZpxfxGdW#vw-uigIBW6}uwzfeql z4~?B~I}k_C<29BzC2jCs%qdL2f;LDW>$Ji)SZV6rHCWuoLWInnk{0(7?o@nH-Qp^* zLSeR|6c+ahl&w63e;%m3hJK|T*p)7RQ?}(ZBw$;8{D`ovh%yyrTZ^tnN)f^xNo8HX z4leYa9?@1bvRl`ldL9>S6iV2`4QDoiJQ*M6oU(RZetF36NgpN5LsW{ii`5=UFE&sg zsNw&J_!gcIyQFeGT_%O?DL zD(F|m@=FF8on(2)y9Zmukq4zTp3s9Is$N_*NH2CT7LTt^%VQ{A0BibmE&^*J%HSRr zT4JOyGSZwBpTd<>;lsZ!I6mx~vD<|bE^WBS=|hMsuVRF_oxa0>xTJ&aWBuMV5+}wL zX-{eNj}$9vnN&vl%rdJ?A6C%E3xX9d3lU0%758(e;)@Q96|Vr{1gsDY30iI}R=jzT z(Mgu4#fmGh^2DxT1wK@Qe{_&uylb&|{NA)Y4r4{1&P8BFM46|hGAzZdFo{%%F`K}x z>=DHs^-e8M7joeaF9{h0bq$;o(!z^yaN$+p$uwh+s%c2-&bI$fo!% zYon7aH$up2Pn|rOs}GdGtwCDff=Y`L%3TD)3(4E72N_)&-j4gB+~pp3^^X*PZyuxv z`xcA8x1{B77@GTRIRcs^%4}0%Tq1BOo`nge0_d+N*n4(>eqOa@uz=IR-Lwm;jSZW38O5h2h7(O?V1KYUR07TP!iPI(0hwWm|jixbb@A`A(K;UFzmp>qx7Et-NTQWA529F1NMplQwQq zpw)c6^!S~P4z|gG2(4K)apf<_(Q$t`iHoS`Q%$}dzkp~L{0-%dwlckLw%sce8K9Vr-(;vlAZKAPeG-KwJ-WOz1LX|26;W> z-&Ln}hX|QFCG(A!bEo2q4(xHR1mOgaBN!6&I4ej~y#b0p)Cg}GWQ3CKMz6DiY{PGr z|4^+SAEebg7mKei9E`8AxtaDLqf5h6HII@DS?UAD+gA?K`pXuJx36Ac-aazO=+f{O zcjw9+IRl=jx#5o$pWin~Paa(?KL2)FK8Jld@g{(k5xzX4%nyHV{Mt8P@>b#5zWI_z zCa_X3{@TfZErNej3J~T>s=(yj1O><(m~?-?Qf^}(O2UlsO0g19!(BjFTE{j0@bz?0 z5CVi^QEZRlgkIU6qeLJr7vPL)R1)#7I2T^ZryE|5iv><9)0aBm5n6yl-Yo9|!c_=*<#l zrvDKlX6~4b6Mo1Yi!VBGobVG6PKXl(Q-X0qtUo(*O^{XbT_(26(Mh%&xvJck!Jl0` zNb43VElQ&B5)fWU-ad1X(WT*SU=DhvXH%h1m1*5NNIz~~EG{2R%jK{)>$BECA))pG3_pu*WL2WH*&^%k$5cRBK9)}Q3JOz(PJXwN-1#% z9p-^W{B0eYZ{eQ02Ji90)U;D}OLW5Jl!Kc;)DAEg7q~laq^AhnwkxqC@R?%b%QGpq zoLAn@irwck=;QQ0!!WOWV~9{HM14JXD!%Bz{^HFboPcS9Au0XEZx1p$$@1a-#m5F| z{UeLT+fOVoZ@)Ik=+f{Ok0;3ak7voA&xrU&nb&s)>CZnd7Pr5fmfK;!(P!Baej}pH ztqTftimTzKQX&6~61duj{AQ}prA>RAEBjOISh`6RrE>wMcax|Cmy4p?Q&4@nDC*q- zR@x%pfWnnftobgme;z2d#S|A;G}ivz^#WT zuvc{FHIw7h`*97Jcz+Fr>3I?B+ETmSoZ7Ji2O|oOLvPZ!leKDVk{-2kcbvTD8F;U) zKDYB4+xt1$EY9wk&gaDiA^ZrQxQatNeS!;6rB4oAh5Fn~oPUns{Ehe#y8W&D_y2!j zFtdFI*S?;Y1sfV7XZR*o)t!p!(uEpDY zcLfEzy>0|KppG+(os+%p6@wTJU#~kYl$uzT1eC$s1NH)hgefS{=F1`d`-8i%HQRf^ zFjx5??aBWU{j(dV{VKmpXW7mNpgO_JjBcO~`M2dzD<0hXC*LZ2QN}y}ar6umN;e_$Fn3r7Q{q)NFntbSPMDPjre6kDYG6uNfy?J$ zE1##YOt?t|6L51EOqN1FFAhX(=u~Tn6U)_;wzaQZEj0vc2E)Se-KtZ_%JZ`kvvkuf zppkCBa&T=jZul?LyRP)qF(p}Qi0Dr8UlbSO-Z#XTIO6Ytsux+(!x1gKPeHE({?`FfxO{ix@uT0oapyJ?q58S_#NA9NP z=1?EB=}o2FY@LYVSDp*i>Biqq%jN6Ui5{Npfq!;8GooQDhxlk zOkQ=Xh=V@#kT8)HU+0dAo;t*|!`vgPj=P4$)4LYJkCw+6SqHUMcMY}5wHk6!w5i=I zE(y6rf#!)k9{R;=!CyAwA}m9CdMl6g89fvR*`Z(jI9QJV3~c*Y3=r@~S$g=UAy zAHVKnFL=8lQ2o5YuFH1;!%Vxt4~9Z+DRvMw$MuV4|e+Z_m> zdMXtO%W(9Scvzc0B-z5QS~i|IYBGbN;$?9z42yPPB=&$%+{mkVP|YT`m0}0UENw8& ziA!s@(uNYmm{r`9GLE}x+PR|>*8DMCdWFZp8m*az-6|4a_F?}Czl0@N3u4qW3R&@> zR*}1pW=KQLyGXc=Jo;RBseienXlmYTfEE~`wtV9jZo~2lK|`r;bi86fCUae#$7uT$ zMwUBGLleJyxA&MA8QOp2U$ zAJq$u7G9qQals+654lVe7$(VhB&iar5eak{C=S&i;Yux$*=*jeBsCUhEwq=4=5Blb z-mS9hJ{m-G-2Zw=rZXLvz`$veM&1TEJkw&%4wdKsx{0%M$qM$8sLeG3B5tP1of&J!A!w4~A zUggK)KJIN;41k!oW8S1Ws;1H$*a#!3=kY{( zl|CZN6M-$?KF6CYfV5@u_0SaL4`>e`?z{4zRBYjG9bsv*B4ogADm1`32oD(0X{aF( zg1Wr7(WG!jaX1iI@NGY;CTyJ@09*&K0qIsQT!y=%mpYw#5m-ZBUA9eap6Ji$$V_L4N9jvY2Q^$h}~WW_vh{0v2r2{IArW9dg+IoLUi;15e3Lu!p@}b zNhcfXko+{%9WNj?GCw|kP3nqdbEqrw({NX`!1b7}-eiHEkRy>!a8{~EE>M^FTSMfV zFLvnWHRv-@i&cwwHCxD$Djdlj8$bF=0k} zO9I(tLPyL@AudFOczu!{1t*1*=^g0=I6jFYrR-fxD@=fK9t;FWfaumZ0Qr4F|2-;z z!dO;#lu%~7nH%)5dVZl;%SNa|yF3nsv}5~7Uy7lEzcYC33I|~AS?Gd-z7V}YdcoHm zA>qCRU9}813O>*Y7cYrNXyMoM)lgRT|5oz%Kk{;W{n{ibeMNgMYfc$~wu9EWl`?FN0_?mw3p#l_p$&hEh#opX z$A&17DN{t)XcbD7NT4!)w2N;UjL|>W#ymviMyRMv7*W{ohB6qeU1;tI!MINfzl*$+ z=xIoAa$8A$U}BMH7s0#-FQsxfW!gjOuWX*>>0(wWexb2qRv17s`C2==fv4%|ieb*a zV44COC9mI_CltTkp)?D|H+h5;Vv~A-Je5#w=eF6cITyf$SrAZ^J)Sp#@w3%_0D+kt z9_7T*En3ZOAUPvuZdfg*Ls~M!!?PO=#@Y?hNFZS&bC&hu4wz1XbH<^O63Po;B>A)( zdE6h|p3iNguF|1(3_}o!ujiSQO8AJXEQSVdWiB+D^W-{co@&ogK!SGI&x>K^hFxgwyGe!+-T>fQ$= z%JTVQpdNa~QN7bdZp?}Fs0jV&yq}u(f%^EkDa<=POpfCy=Q!?hD9QtB<&KdxLy~xT zK#7XJ;cOM3IusMvV8R{4BO2l?2sRe33@`EcccqWD=@HOa-3o4_+7`h%H@Cm@J9E#VH*{DJl1qq$veum@mFppA*{Nq zhh^~9UN^PX_yhEH>^8excg1OJblT+rgWjQwm+udkYc4?sxn!o+G49p;#O3 zi3bX4!)viYX|rDCD5|PU%e%{|ncxk}5AfFr2cF2s9l`_@eo&p|~SVjvV-@&{G zK&}r?fHgr=5na$`(~+R~Csav*;v?KdD%*TB7fm#-ZP%yXJ>x-UmMRKRzZx34c@U!n zs9(-1G_zI=52(-AaZaCsxM^WEP)Ww6{h{Zfg>EMTTYpMwC9riPfF;l|&G4443mRTf z`?4VH|4xu5A5MynL)W4cLnG|&bO;+{#7G6AKV}I4XP4#l=Yr_t%-Fhx^g>|k4-y2c z1)SgGqDk1AFb^eq40D?+ljw!XYxgz1*a&fhvRv94nGP1Hq`-pNdPHZOdlsTGei-s+lJ;2Se@gC7+jP9jDf^xzig$9PxU;R^yXK z>}^90Ce_M(vi8ua{0{ttP@c{j`+9pd)#Poe;^gl|K1p4n}`tgF*k^qxjG!gxC{+^VC z!+;*rrmvt-vl<$tq?n&qqlTWr)+QL?u;K2`~Q> z>Gejf%7T}#OOTQQFW-);L*r$dDA{MgNCDoHx_c0P}I98f5{@?<9!D0GK~Q)u911P0m}4ex%UyADHcZXh|PuM$7T_ zK3YDOAWbc*{97)Xh?eK=jk)c?iz4F-DAc=vdKkMz6HdvG66$Tn$WyNM34ts&>fP&4 zh1FS^h|4`kPV0${fonV|viexoL50p7g{ znqdIm=b`G*z$hY4g~IPx##$VfX2FBPoq^W5Y0QV(bId0MsK89XL%uOtY~fDgZhszc+$WF~xYM{7&MFEjJ|!ZZ3jZ2X@|T*Ahe<3=*gw*M!6vmmzp z?F3;MZ2O0(I<#$Hn#Q&<_L1`N-(sfs*))BuOVzCR(x%sJ@NN2=39{6tT>pcMCfRg% zSGL>h=mtD*GB!w6HBH+>ql#7VQJ$tf1tU*6O%p;iYsv8F_#B02^zL<<^-#J4QR1V# z8Y^-w^y)z=M_}cRq%Z<2S5WgBSnf0GQkFpIh6LFd!155P4h@!MM76|(S=4$y7O~D)a0rPHBW|EVIGuV#b|6C zbh8T4tR=&vrrO9Z?_*7ao1$oJWU1oR0cb{G<|Cvo0yD=1Ma`_-Ht5@vSEZGzOUVVhvMTV@CwC3OFDW{jDK0hKeeW_Wa0 zyZGn=?Nl)_6^uo86$xjg7lG=lH~Of)f~aYjK2Bf7&Z@Ft`WPsgW+?_te-f$=jp=D3 zVIKTQA^I}rdLN?G$GTX}+AkyEOR17T^q;0Tub*(yL`1(h;{GKPhkn((2cD_Qsu*`F zG*~k#j1meygQagCuS7v1CbJ$4kAlzj=kMy#fOJ^szcCPti0Vp=A!tXSqfP1~VqWd3 z0}Ue!M*Yfyk@*C988EVjszYOBnkz9Bb4M#@aEy81hm`bjW~98IDhZ@K%4AcS;2m5v z5h?fJ8jK-c*ziDfSTYJ<9}cm|JlIjf*I&vi+{MP%+kJe+Gb*Wo73Bn?9>sM-^T&_j zU+vkI$Rw;nRO+}#bS(|(`J|jS1GuN}J z%!1?tHi6QB`G5;ib!c3^JVlN-$c2$Y=rfr8Kft^%IfbuvK zH)E0n=-)0}1zqaP_GoMpE6 zP5kNO%oz9(RT3CjV6tXVkr+75MH4Y_-$09AEV0E{^Lkr|LBTbzHMr3U?o!S8~ORS~aYAg*#mam(pf^|_=0Q>2P zV>fCc&3mmT6WIuK{|f1$K=)OWriSldGiqrTeE)KSgbeup7^)79?`f{X@Www<2>%6U zJRoQ}9^2JKOP^83KdKjWf_5I?am!$ZJc%$u!}3V_#~863WOAftqp zV;H$`1$%Xmn>aE{~6!cNPly@#*2}{(rqjR&Kn3_(*c#f%nYap zsgeNH%b2(shhz-%G%lJ5sJD6dWzaKA@?AdhN)z5|oSqg#Ky;k;ZFIH(y5sbG6JbsL zXF@CqM#In0NV@)Yo>0)c{e-_ysLeZ(J7CE+7}naQRy(ARR&L?5xogL1nb zeB%-M=5oDI?G)*SKJ8gpdXmzA!rniKF)SH{zMl=T$UN9lLf=2lD%{0J-%bD*XKlQZ z>CTH+OjF};pq4;je(;f=!V}J(emlPH_%?c|c+QQ8-VZN)HzFYV`=oaQqBjvV1v;*Q z^bd^snFXZ(EkWJ}kX~}u0)X@tDM32OiIIZo$5{l3Xg7<;)bZH2R7&lES55d-J~Muw z31Lb6{^tadYjf{^;-ZQ8{Td&?t-5o{+J8vCC(I9&1Hc=tCZ2bjwe@%g#Yj>EjP+{TJdZ=UPQ;s#;r2Hs*6qhxJ5(k#G^N7bGJQz z?^fR#{9N@(d6r8_4zbJkqkKsEVvIax%15Z(VtW?#vK2wC|3YtSuj1E8Nc^ZhBSW_n z;W7@8LJ5~~Mu5JC7`GXfE{nUkB|(S=cX21G4jt2{*)tO4!brJ_{mlND+z)-JLyOsd zM9^9}L6t;YejYqvT`FcIt&T z9=WGohj!I%SOvS;?z9|>Z$P*F@QWu6`m6x&c4M+JH$P$BdSEZ+2+r(mxlnfMZOp8k zcEO(_{A@d+<^g=~oWQS(%JT%{GSVE_HS)l05BAYK(1oYs&SVs6>p6PJpkIk^WWU$}v zxNh05Tg_IZ;JB_I!Y?#g6_md(#6mMOMky$NG^_9z8*0^t^O9YiO@*{nPylVjTCTde zDI>iIg#9w9i9pyDL`?(OuNXBb3&4IUK_Ui#{X0}08er4h+{A+)DSZ7La~=2^+&)7e zXU5j=Q6+(`f6ipha3Uj_&v4O1Y`tlqV@V{i#Wg*tYf|2#=>1ok0+Y*=?wwev0 z>SjjCsG8a|oJk6I$qZPdgyk!kF=ieHl+DbV;lpONnX)wBbXr;xFHHa)suPRwYBOc1 zMmpya>{;Z)?bnf-3f$iiYD04YHyD*UiwoG3AV`A?xD{20b^&QNQ-=94Qr=*S1<>aW z=;O@Z;DuC4c!Os!*;EF41s6^72I=4RX=H8siNl6+9rtV5)$%>*=GCgWL1~7O#styeXX%^Zv7K{`Q{37!nI53{u zCbx^~GjIA@7qZ!AWWx1#sFJ{ghnRdSJa{!1O~QljX58y(+1NH$?Kl=qsBN`$<^^HK zGHOoz$f>3(VwU^xag=(ctlUiZ{t?PabTqy1p{|z8L^on){9RHOfrraM zO9R5kjcSx7D*8@>SPVe;BUBw42-93GM`Ir;1pEhPIwPReq`+na`Z_ZLj-TTr;A06g z1uwm$!GFs|6A>`uvqm=${+*Eyc2r;8G{bSWaKB2861GSa+>)JjI0s;CCA`;B^+1z`6k z$k70>&qLLr0X9vfsj*#qjoF%H)LEcPBI>-B zn=*%UGEH<17fr<6hvGJPDQT$0uRw@)T}AH-EK`ytHI$OkvcnqvP)+W zJ5`5I7nX6du;{o2r(VPXV!3^QE)lsnMI)MRd_Kgb(igYBw0B=GS6bOUv%fD9CivGx zK!$Fr*IEnT2(=L8sBV3$n)BOf_&p~)k&ugGUu8ZA3Ft))=JyY%s+r#kZl}Ap<;*&# zn^kP4ZucJK?{QqZ-g~g}nw3kIRNlA@|8((N>E+^5=Im9R5&1H(JbeAsD{gUh=my9wJ(v!*8zSgR&nCnqc;{G?hz z?5{a+gAt~>`CQ*r&+KnWGubUvFm{%&o9q}&wlPzQwb&!qp=mtEw2UVXSJn3V_Na0C|WdJ-mKj#X~ zeX@*&#KtT# zE(o*_h(P;P$*Egp#*}=~qIQndZA%|Lj``IcI;4kqejW>wyg8T)h{R2yWY^1X%}?F@ z411tLw|9gDV`lLvWojPDs#0d19o~7U!xxz3Iq4pA<&wfhBp<%WOg18b{50u{0Q{9q zPs8}n7LV-J7B&4@CAL98Nk0ql>~r)gh`vx zMW#|d#6=SU91EaiCF($R$!;Sbq7GnC61{^9_2{(qT+42jeB>RZs)EcPhge}A)F?sb z53&kzu_04!dxJG1FP3g{F3SqojF^n8qZtEHjX+K7JRdbzNtzmNUPRw6NNjuoC=EE* zo%6FzPZR#_qE;Sf8_0~;meye+FB&6+ZN zu&K6=(7umi-YypLZ?)mNd1yr~9gs#>jm6dDes(0fVyeVMbk)e@#5}2+h*i&tuBL(T zy++;461<*DkhLLreI=?64Z_!?NO;DuW27+IWjXX=GJTvGlixs<1SU6`tQoo_CfB%V zA|^i+i^;-Q25twH_W)rL5yzv;PL&fAGmUnMH;Ry4MG7N$r>Lxjw1jJ&a)9)5cZ&Zx z789N7tdI0RPhC>}rBrj z%>TX#0DYVp(Ql?o0?{vGvSuifh<+g#O+@rlv4~!-VRDX_0p$IlWN$KmmW1wd>JW5L zC!>gD@d2t*X6%x#;WQUbat-PC!u@X6rWYGVrb93i zx=1C1J%?(>hL0~;ycQ#Z$*+*u1&W+4Y$w!D4N1O6Wfx?H@5>2dHXzAks5&%~T%9_m z40B_o(Bum&hQ82}KGx-IwlNXKRQ{bR3H%c;l?13fm77fk zDi?6kBv9$b&llr25j-*T)kSV!%~y|ygkomzD9u;z%&JaieI4FWR6=2&wo5zBQ7z$J zR3*<{q*{IN zdCZ?p2@gbbD1T$r<}427uM@Px;86YvRfl#cdk1hReT*5YsmNckMEdd<^l@f? z@*h-5_>(U&Su^ZOfAV=Qn&eN?=RenOPMyCHO)oYAsXGLu&9!j6Fv|)`lPh@PX!7F8 zbHY$FXoC?DvIE?e5VB4mjs_PysmOw)DYhqw(f}9FMAf0;Vn=$oU>1*7?75Y>4`?tg zlu#jE*k)srIf(;QNdU#A+(;^*xR{G30Y&#sv4JODpeBM(JjE%DN((*dTheH6*DM#9 z5LdU6bj7c>>oy9s4qsFOELX!WT)M!As9=q>?&2=unmBTX6W~>Qrt0{6YJZM-_L}jd}>rwFjm0DiX~QzD5&>4P8r5RQnPB<^fVe5we~y{7rP{ zHUIOFQFF6|tFKDX1cU$Sq3Y27=h>ZM!UNsUWX{Puk?E&GgwJu&Bt+;wJvJuoONRPUVx~GOZad@r;NZ=}7^S#v93xM;Q(lP8tQW(_ zZEF8y6VHR@(?5BuiVHL?*KvOZ->^I5v~67XMUl|)yj+-y+CQlw?BGpDgkx8bc6kWv zQ`QjnDx>;k3BGnEh|_?u*P-eYgRqJPBZaV&%zGg0`8n1-+^S2OClpWWT>x^aLT1Q4 zOqB%WKAjshW0efTa$GbKa?j80!-WQX^%gcPJGl3S?|*63tMglZj5QZhpgJ2Gp1Gr= z1geFsf>~@(ZKx2HjE^r?q&wL1@&>kaab#pw0k)EkykW8b4RdvQ0mJmdb|3 zb$Y)w>YoWwH?#iJRC;rTy2RIVFP+p#g*$47-%;{RA7*}-Sr^b+Giw$++{er=<=u@8 zV_bZJ!u`RTj_^JIL8_;R`%GC=zn@Tn1xcv1ja0sKv>gbIZXf(0YxW4_P4 z&k*iY1zqfB(~=pM^B^YaasD+y*x;^rsQqy+n&@%Nk-XGlb0HP(Pf$-|wOW5=f;u`% zpt=lQBvPhnnYrpBHG;hx>h1Wu`hY!tbj%RGSefdpoI{9^v=3 zs3GnhM%~O3;Xf}y)&|7Qqv{hE;rFv+q|o;O%K_*cyfTtL)< z2C8AvCq{oAR?kBRf9j*+qd)^Rc18VLK-5_ z<6RiE2!vhr%}g8Id3tE zk*CaC2!Sm&2Dc(GxI^!HX9Qoaqs4OAh3?edMvHfYG@X`9kz+mS&1D4#L-Zj6fsc~H z2?X8{YD0tG7Z}wt3-mreLCgl|Eu!ks(3|GXCpOd|2ETr?4h&%eG{WDpjn!0##dp|81+LfnT!!!vhul;+c~ z&MKJ2M%;Ek;;O^F*-%&26UfV{qT_jb4rr8QoR6b3)aLI4Jzmt)0bz0}oGkA$gkX8ipe zRTB97E^f>WYZ8Bdor@;nZ~A%l-)3!ku@Oc+b>Q0@PWcTut=4NAXVvO5!v$|O0##OA z=%dQnk?m=?GDc-%mr1kW$}&(gh3^Jj*@&t`<4T-PU*Qpob3Y;ln@YWhl-wb|C> zYScxfAOc7JS9)Xq5f@Fuk?v)OwHdXvCewsEb$J!tU1e18a2PsD(cSI@gVYirLR@Bj z7=E>++8wT&38b|Lhkz(TbifyH-``iThd$+7Kfc$_z?YZg2{mLPru z9+y#dXgp4HU0XayMhcUEfkhFC$@EobOum;Y2~0l1q*KLq&*P$rn2a-PVkwg**d8Xs zLbe+cotf$=Y<_KM@aAER5;k|Uifys6SzT?VY_e0W=DjrcAn4pz--yo6Fe^tZAKY_Spg#r@GU zpIdX=xXCDAEEn4OX2Wd{0MxN$jCdW9tBoa;4Yp&+M56Zw%SZ2veDsbbp@H}&s<?`Z^{DV@vIrCn0pP&BofQ%D_!tr%awVM?Nmu%`52QnL!rd-1#<5zRx@FH|Z=t&QYDi=lH>pe{)&F+VH z)avaWg&lXeSbpDe#|>9pa}}5c&X?Pb7M^3?F^ApBotf?6Xn95)JKsLr!fNTMM(f0m zVx!>ha2uUg!P$|wJMD(ssnzV(eBck9GMvNCWw+d@=jWQHuT0k4a@$ka?4G(-Yh_PQ z>fs*djG2i6Jv6gs_ymvL@1o=`@=VD9QAao*xn3teidd^VxUfw|WN_{w{R;1o5dG0q z`$Zuw3`!--jNo*FR1GtNSE1_A&Lq?R2+4<$@*Hgz0FZ1w?{J-vu&b}gQIV{eQ+Xp* z5+3AkZX&27;Z(G=+&ULc^dMWVua@yVB=R-Z)NH3-n3}eWMLOq*GaTA!>v2^~Q{MN4 zhEw{YkMw8uQ;V>X4-f%iBkNSVIh|!647Cv)ylxcM8->hN%9uj{_X^MX$uiT+szFO@24V;ZTKgNvQ1U|Y5{NMe;VPi zj`TY$zxcpyN0{UfiT}bR&-AB7eoLD1|CkDDkzUZQbi*8jVK!zev3B|I334{r~c9Z6Ew>QlFjl;Qy{hf&<(i#XflEoBjvpQm1O|uwMjZJU*tL%Qz>2MW`mO!eKuqy zE&A~UNoyAU&s;Roe_bed^!eSTdqyI*R40~G6N9bP-&n=g9R_uGlyX;>V&tZLM4x!f z@*f^>-3ZX*L!g=F1$^){2(&~5cj>X#9M9wTe4&cjSj&k(UiBco0)c@$5rMdeNZ$nF zt`D}Lq3vO#Qf5Khg9$=5pzU!~)uN!m&^FD3^dUBk6w*GI`46PM&_h~MCaH^1MNboT z+@(4?B$@3_;%=QPiAZWcw;A-%VIY(9h8wwPBJOVXaF;D18gq?h6yClpG&plNM+tB5 z&ngzP+=s_oeV60ioifr;d0d`Y%%==6^(q2ykK>YF@#%4<6#2TU4zN0jfm)3K*mskH z`2ef8paJZoMlH+&u>UG^Q!&jNQ77h;j zA+PJ-#3AxF{yD-0q^RKf>mkOOSujd){ne}@Uu?K8_~CKiH94uUv#*u_ZH|}ak(d7a zBMvWoqY;?B>>?ktH}!Q>gY6YmE_Sk(1-6%fl4<6<52PCDWm$dm}{6&KJtTdq31G}(`< z>e_x6w`L94Mg)=`BQ+Ay@3^9@LFipZJ<9^2cP7Zq0HJfJIy8i)xyMsu!AN1}9n5=R z=XlOjG95YT>&(bGPn8669%l09SWkw#w{g)#D{jgy<5aDUdzJZ-XY8Or z61P<-;iW#3mPLzge1Sg}D%&OOSHb^Wo9gSJt8%P~O$cDt#L8iL~fY^3?o2VY)&9y1l;H^ZU#$MvAH|6pvYofo& zD0&?(lJ?GA4@v`Ot!_hA4J`&+%}q7sQY;uLD0vq1o~K;fq>|}Ao4(HMvu&y*jB<*} zn^8d;>~MhZcHg}Dy|4L*NBA7@6+Kcq?mIUi=SX84iF`Ab|h z5jiit-Epj`n$s>#O>@F&@(5qWIjJjXewwwJUME{YR%~5Equ{(DEin$gfkaCXl_o%8_%?fTOxMerRPWq?Bk9o9q z)|29NX3XwF#`8ZQ`3eL0vjq8Q@w_kqa|6T2^LHzM;U7Cr=Pmr=UOaEN=3Kr3w@4vN zo%ch~R!*G7D4)hJlarH?yNtA8-=~?m3lZ+>?5Fvb7(LHBmkKP%67^Z2G+?m*R8-Z> zZV`ihpSh!Dh#Q#qfcA@X+eig*?X9MOp8m1=1@;+HJze@{OOvL&n<@!YUdQdmL#<}Y zYq)5lFT2)%klv!x|2SugBdBz>9ri&I#p^QMJEz-JVEHYBzHI>YR<4f#2)iN zM`_M*V^+bMHD`E?KHy_C5@TsL*tZ)2OrEfgBiTYvO#q<#rwmsNLOud->!dLv@>$ky zXfamPs7iW#lay4cCWyu`DYyq!hsN1UQcMak^pTnhl$hth*G&RnC#-E!m-L(pmCB5! zU8*F|)ZtdlAR}i6Gh8$gO(zdDPCB^qtX|xK#pr_V;@PrLiiI8}o8cSB)%tYSY6>ym z5n_RPFr$Q+k7O0zVk74BG)T)kwPrhAhNayQg+25{&{}j(mJ3mbkFFcGi3kM!G-;4P z(A8dFG#vemQNgm{=qD2dX28)eq3X~$`t(#dDugjwX!IrT=<@`Q#zQA9*U`6b(k=Qf&yH+Q!|;o!?1JPRE&!zga}E=zIy8o-xt=|m8zU7SKZV5rKo4fh>0@2a zW*d{)g*{YB;P|;r)(lz_$DhPSlW;u!6A!m#ZQ4Ax;pe|F6qrg%d^kpX zStC=AQ!0qdN;v`tToRuM-&S%@HM{T7cMD?ocPEI)5WC%vszcj-E=}x4+#IdIt;TGJ zov+TZJ_T}#^rbFcvqea2e;rj4)?Q)asjPjDizZon_o>)XAm+Q`=pmm(B&kp!M)u%G zVJS+gsOr~412uPfl%lF%%_<_Z4h)Zq+8h_*l#3nrwY116N(*#6%1buUZx!C4!{cC0 zM8M>qlMV@(TmzUCbTz2_3!{!@ndbg!g3Jt1`BhXM8Y(B!L8autNQFh8V%9TU9>t1G zI{=sTWoEei4pkCx`3WX&#vU0QeUytP!sSCpJVoTG>|FVzQ^$O@i1ZIlZ*45dxb0SX zrbDYT{w1QA>Ne_*)o}?_X$oAfH!IW{hMMQ%|N!08x1H7RcMqjK0$?X;>qDc)~) zaHS|JG+T`VZWr}&`RA!i$^ramNOWc)jFJQRUs;uIu^qsEh0gO$Cmr^qpn(0N+diIe z++4bIcxM+)LEWUd3^ z$8*poRwg}@Nnh*YHJgKsiT6?^0rKZFc{9F9kbg24O$7NX_wphT?$p+==+G8{2D^B9&d-Ptq24aU?-nV4-&;MA(J7 zf#D}2_xSFj(=5`{6}U{-Ddur)pPR=e_vvOO(N%@7l2?W^+2c$Xt_y@CT-Wi%>`R1^ z{wm2u80k6DL(ok2*QoGv9 zYFEW+GzZ9#?nGL2RhcvH-zKG?CAwm&06e;CRAf>N$>6$G;TKOzh60yRwnS82P;aV=5 zWaZsmayKRB&f;bu|6VoTV(D$8^!5TBJ#>ek$Q-1qN;uvVVug87f)%6j8q}$*LNsg1 z@OY`N^SQ@qHTdS%RH*5f_OKIo0bmB#z)hA&pGPjttCc6ea@M9I;Pk(dE(thY>;vvD!_+dJN*Nzm9BK|?QEs+3Mp@%5tk+n0IDRuSAgXzDaoe1vLjE?p;7 zv{WUAhwJ1juUZM9SXrprt{Y74cE_-}k~ZLoBCGKB4llh_Hs(-cHBQGBw7*x?8)Ym< zp2j;_>*TM{z}7te-cWDQ=`&JD`4M_o+QZ%2Tv}J!ahk>H$A5zN<%!@`};pJ+j#3ToeD3#V$j!t#@(6Hx525mwcE2AC{SB5Zy8HhGVZZ zK^+5TIhOSetxjK&ikZVt~IMM4`6cGt`~b-M1m(L((-l<~xQyjl}~tQF1VLHh*$9G8D~T2=gYM!Qkq z*VpM=x5qi!?wPZVM!ViX(v;q17vJ2nw0nl@6x#JpEq|J}b@cGbdRl&N<_nEljl=@AC$xE^;84GN4|Lb_(s$me7aB#B>UGz2+OylQ z-tLz1`}x5y^G>UU=QPB9V=XY5x>{)Wx*M=t91G|gm6c4T*WD8OCPbogBWd<}L09#` zt9^d(i%{k6MjC?)MwP&#D#q07o>9e(?;UJb2gi%}dzn-3bR@UAHM zFa{f$#W2BYvxd?{cO3@f zAJ#_kGi0$mT~+G#V5;ZPZ)gPXs?y#E$cCsDA@a2?`;`ADRCE)W6f_6$S%L}F@bun+ zjhA)TH=QP)PQ|UD;21M(9epxmqwi!H-SbNAcGI2Ou>&8wlg;^dsZpP7wB~m7x@S{K z?f^<6=U;<(+7QQTe7^mX%dY@G*SBU1A@cNzB7dnz9+qm8%ARmqlVztp%Wc5sca++- zDjHh@)Q1%nalOJVtGipEleN5Wp8f#xZj&_R!R|(P9tU$z=S$_eQWgJ){;nY3(d({r z@pf!Ge|HCV?SfHf@!#T4EMMRWTEW^a1>7HE7a(|HZ{RYs5VcQqnrLD@de<(u!GD1R z4?=qyg>rosI^Y4rnFJMXXC_n*R|Y|O>1I5(#uWrDJ?Knr21_$;dmddVISxIJcs3qb zvQOZwja{zN(hUJJcY702CXu^Nbyi^7gWcs${bUcA-(4->#32ye2nT{UNuYRboH515 zLsFbg=oD0|&0A)mX0vYZzFzmtz^Amb!ykj%toKK*yL2ZA~D||7=~3f8MN2ZZMTI0}aA+wc6w=&khrp-{6@~fN=rW zS;FG*7$Jhgs?cya|5bbC=MO{JmBZk}E$iG@_6`GJkm&$aK~Y_plxWz;=D^2m{g2ry e)|TsqYNtq6I7bFCUZlrDn2WuG6w-8NCjUPPz>L`d literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.doctree new file mode 100644 index 0000000000000000000000000000000000000000..daa261d7c1fcf73000591379ac19404384045595 GIT binary patch literal 154447 zcmeHw37i~9d9UtcB}8b9X z-Zi`-`2}mXyS}fgzT^LWb#&DW*1l@Tij^zq|9V@!R>f_cny|~|MzidAi@goyW~p0u z8lA<57k9mI@&3g^Z)4j&={39UlC#)bffA*PTPwGn#^ODTy)9I{mCcoN zE2}FzdvBktH#(E0$vZr!?M>eCw9Br(V)9m})%4s>v+X+Gvg-m5c;F2#8;eenO+&iJ<;|cv&Y}Osyka*(Oc^_ z%FZcGSwfGM^B|+j`OwRS_}>%ozl-s|T_i7voH_(q6d-B0F%Mn$3cfO}0?X5K8&+H^ zb|q@JvhHwa(e75BRN14%d${s=C=tzF1M@BQwYGpaTj)*EbD^6~w;eLShTphCqloTy zOK5bl)pQ#jZwd|VSWmI`?i;rn#kSojH|s^uuD5EA_U@{2Yd79QTg4Xaz&$l(d7U=M zE}n0d*oH4giQUIf+Uwc9 z+V8DAxoGPqK)Sh&YVFQCp^|!`-o{h)+7$N#U;?SZFHSg%M0*oxpDx|zmATwTSlFcU zi%Ix}uk4A|!W8)xthF(3HRodOF#w_92f4;dwzbVdeE?1Jb{{A!YkOzMS@wi4*8y*p zteb;nUFdCs1@D2lxX#{b)CATx|Ly1!u2d_>Nt|^h&Ppw4{6=nkwB;Lo;rNYJ4^;bJ zXlmaEYM*G_2C8CkyPhB0t~0n@KyJviM=!L#Ckf#7dpN z_U`k0KtBWXsGeu6hCp}D?$$cR6LziZguBx_)9bcc&332gAwTOpx7(zA@*$|Tx|6uF zI}VPDK4!lf1s{gFza}tu;LX77gL_fXeB<@{+e2>!|LI_8}1vWCMo5gq6ERBQ?RxC&=D+Yk>AA=0*<`{3D?23q+cA z4~DCql<*834D|ulCat(H_|P+@fX^EHG61IjmOGLRQ(rYRkB2GAJkhtlYi1trTavj3 zQy8!a5yik1y;GtZTV)Ex`dER%NM<@Fm?Hj$1ScM*)}a}FRumsj(u(pTbI**T)Vw7= zgV|?fJ{YFbHvU>8{{b*1n1^9%OieHNPNP3khH%(e<1nBlnllV&ZSdzoBnT*VtlAx* z7yVStpEoyuAbgcT7aB9H6EiTru>3z&O1$^*TzVy9UuVzk@w7OSrz zNj&f~i)Ec+pUT=ia7ec z)hkvUJhDg3^jd94oBy;h15jy}t+{3!FZ`Kd3&U5Z-NBfwvta3^I~BWQp#hj0bv(;% zP(eAF>Xfa6b{7-Nc4MrJ83mr_#SE*3>0Tl^0fwICcC1d*vIC}|lFia-CdO{BxSrp( zE@p;7;&ZoJ?Pdux*cRqHcX7jQYp&*;a%XFf<#-*p&f{*HZR%8OX#3YO+AhoPOjgn z^PmoMp_WI2!Xy|ZJx1+1VYeZwl0)UR&go*Xj$L|Baojp~**(Px>&E6u2Qm~jV=52q zAiRJJ#070RZA@Er@EpxRC1ZZ2s@q&!oXD*kx^0lO>&>>KS3+%8KQ5&haIZO89l*eWls6R(oGmc%VSYj#{%`3Yn+;W%b#x1Xj2Ev$5Iu=$CESr=E z@k>L|CBpU+(_)K+PL|U3qU!J*=eWlW*u6U>P~TW#m%Dd!v&ryf_u6hL&KSLkvBMZ) zisp7SyDT?hmn4l+#cs?~0S6`vr(kh3Af2`o=!EqF({;*ji4+tlPH4)nSSoBRkobgk zJF&%*k#Epa6wn0LOyGxQlG`jy|G5w?{ib%fjTUr5tr2sgh06A$+mRb7ll?Ckpt(;0 z16mw>b0j)pP3(-hX0ro5J6Qagb1*H8etU0A7$>!E z_K7S=ntM-72d6@M8++?(E_7noH1SqHM2(`w$?XHzBn2pIE&8*8f)`dhwem7C%EuzO}F4^{RhBs=~V~7ps4WpRCJ>Q&j&5FQhx%whZAuL%)$2 z1pU5Lqg%V$)bC3T{k|$)zgLZGOO^~3x|pNtLFN)P^D?cO=NOxLnW33ir)uWWvk>e4 zD`%pe9abm-(sVGaYwa=W?(zY;tF8c9D$lZ#aymmF5Utl?=+SJVsI9o{K=iL)dLkt`J5iX66Fh<1aDAWb)b(y9vp||%P zzJGewoi8jr8IQW?;L%;<)-h^Q?@t^b>oj!>jPhwCaS^33hFnU*`kTL(Q&SEAQ z(^)*G3%ZRlc1fQtpwS6N9@OBnL(9aT1<|Qth-7|rhCJKR$NnS(`F38aiN-ZxF2}cV z<38?_7b@7sUL{TS)X zkt*Xvp?V#h+BZW2mccd{0L!2v8n8TP7+`reh!|Mbvbk&Q=#3thX=5K*jt+`jWap)O z_^n+h{??eaBh1t&CJyvkRC-4>Xj|pc@;j}?(e78Di$(=X+bBDJ_l)1?m3M2zFUr;3 z>zBgowbq!sa&1V5L*Roifvbepvvbgz`t!L2w@HI4jj6f+r~3{pF)+~R1|Q}$R=<|3 zeOtnKsqr;8@oc||A!POCep(2#HKxCptFbpO6>@7WGI!H=s-uAlRvy)e|14K`&W?>6 z8hdlwe58{R#+Us%@wdk2bGcf1DMj;)p-ZdW+=s_WGl~gvet*vBf2XnkMy|eDNs&~m z$=s0(eSa{-T)#&&^tzVpCmX7NI zcvjdSVJ>Y#zE7k&_fJ1f@^;(|3@Dr5RtV2H~4EMl?C z8Xp_;1^H-HC4`5*p9^(((VcbrbXhR1Ddx-8HM;d#r@eT%x3*@_IyL-Q*Jz%^BG%$V za`Qv=airp4WN>Ck!l98t?^!3YhT&L#R_TjshMbc!QoC%oI!L)?T1YAVNynY9bmU5s zT=(+n7iNO_^WJ*NS~IWT=fR8~y&a|(D#*8XWVn>*nn z`$EwAl?xj2jk%h=azbMjZATWT+ioz4Lp1163m^0mjeBqWk|I`5#5$I*e_v72aR8<* zFB^uf*4>$i7Dv6@Vv`2ib?c>t&~5Zt8| zTw2p_yTBw2ndOo-<}k1;e}S;cpAzsFy%DS&XAFxC{N-4%(2eCnYzeS<9mBkYecdeP z$FNd;@W{+A1#Rm@4>arixrj-HtDDAhvsQ>Y^Cn%3J`*n{E1$KjT;Bf$CSOp@|)rD_H(?;7&MTU?QtvyDD3YYAFj=5nDCONZHz) z>(t7{$VV}9moh%A5o)5zF^d^zLk(BOaFmN z@2LJA{UbIDk@p0xm~EC9`dW$Cn`W^a$?3%Rk9x6@dS1jjY`u>>oM}DK_j!#~z;=gS z)}B4qVNU4?&-`!wEb*;o9SB9be|#s1mj60**uphoC`XNf38;b8*UPx~dUFjTKS%zfr^q0;LMJn*xN#k*@Q1X;ap| zOD>6oIvJLPdkCUfzu4fj^wR{SksKG^thLAUcaRP)0fuw|x_YTuLDRLu(Z1By=*SUJ26#n61YX87;$@Zg5 zEZffy)4MdX9Sc&qOML0-kCc4BHB1ZsZMo$8?X>cZLUW%l$3SyTncXUlO9U<@vnZof z0R5r_nPms)XVvgo&>V0T!#&@XG-TfE?Agb8-7OBj*`P%l9NXfEDHR`>uPfViKY<+p z&Z}zj6LZX3;HQ$puJvK~91LYzHunS&#bk5zI6V}vp2l{BS%!Ozq|6lC8VMvVHzAy-Ooo|CpdDi@ege+{ja9 z!9P1pJO0~pN%`l}N;wM3eO?^{$}wejX8jdNUpSFdA5O$aMvVtGuN@BG-rwJ*Hj7e!?I!V6wMZux)h<-e98 zz9|EUN+nfd@<>8($eft;-cxlue2|23#CW+_3BcJgH7u>;9CE~Zd@e^{43x`aM+{Hs zx%NCw1k!Q=4#{Z-r-WdiOxr!hxk86OR>YFRfl3o6WFM!m7E8@KA9GHd2*vWkSaj!L zC<}_s6V{2I_^#*wsU-gLOfDxU317-C*Ow#E;I*B$kRe*U(f=;prm>1B7QhCfL zk9=cCychVlAY8za<}hgJv?+Whja^!ZPY5bFkP0I~+O=gJS!m;&s3!07!r-*)dKDZY z)j8?lQ}p2IDU4jPQ{9V=6`_MeC3=LODKU<33?uzu#MMTY1rWu|XVT;JQG-X5vT>1- z<#iE8=0?d8(0*>z;G#oEj00et5HW;6Qbvrshv}UZdH#q|9j5mA<&te}iDmoK!}KnV zY|jivK+2c>xDoqKx!A+QwCQJ;OX9CeEAeRb==1KF=n+%qmL&x{CDmwEsqp^^2~zFD ze>2yA7h8e9#an>~BM))?hA2uO1eh*`p`xD=MgKMh*H4L}{wETZo$`Vk9JJH!&f>^K zeV_W+t^NUd>Qe{pkrM6SWir^$P-*pYMFm{uO zsbbrPb)e~Qgr*tfLtuuJFmWh{SRb6QjvTt>)^Y3@-Fx-K*vvs3O(U+ELSecu!Mdi> z>9nRMC-Fr@$-x1Ujd^dPUTaSvetX{JiL0-~wN#Dyy;s}*zZ0$U-2RzjQGDRb_kD>^ zXSL5xa1x;meW5c6|92+Ie^W^Q>-eWT8{T&Qk3R_lW)b4-%-$~!(Ob-gq%|namgF!g zZN_}%SR_Hh2R+CF`%kUBWhw2@x3q12wyia7Q>1Bw(X6+IQr^X03_JcV4PPTH_AVR7 zY517Sjnt4GRT5PaP=-&Wx(Zan6%=S!--nOcf`dGJ@HN}Nrmgy3dKEtN>|e;Cf)Ck= zp^vP=;eyq#p^X0##nCgc?sfC~|7Q#52;-RB8!-1{H^!~oN|lD=V&B)e^$g4x;SGI` zaU%|zs#ThEbK}-^4g9PF(&Wcybha%OIfOe^T%J|JmW4aCQ=Si~JMkFpZdHdt6WufU z^lR&Sz$G7y1qgh4w~Z@nu-FwwzXOrR(08MF#dKXBmAUDjRL@a9#TEi`rC zCHwXb#z7B2Xtz(fCnlQh`AGoXJD(}T}1Gi)G!?`sqfj~@+m+!;Yb=>(lL-4T+&Ib@>a`2_4~lf>Xj(q zm_U=*nnAPoN4H@0e%!jApc2^@ZaoDOKAos)H1&;V|hwHX4q-Xs6NODzDS2V;5ykXafFAV^7T0~&U8B5E2MJNm7~H;b5j zNyWkEMe1LA>A^(hFTrh5E;h`z{#_Cxge0d-v^~tWlTtU1A46%m{OtZ%Qlm)0%%NwdrUG^E%df z7-7EllO*8)jef=0Yv9t7S{A`mR@>5G>TMBShhgfOgM!+SR_L3X5xL$SX;Kd4y3#yo z9OyARn306Cf!RS|k8lSK%nD&JqchKaFuO1b%!pw>n0;0s4Xr=K7yAVBaKYayB78ix zTzSrrMy{$_oH;U%Lz*{Z1`dZ;U{6997w8mA%^I$|cJxU>dBVlOyUf>c`QGW%NAKHv z|9$)J_y1*){{uBqueA5RT$feTUDS`}9q&_DUpjS-c9;Bq+-!|Y)O*{#7N!VKP2k+W z3GFqeJhZ=xkScDpRdaerA30~miZT3O5m%_YonoF)7cE#`cUCa73b^+MR~2<} zLKf~1TCgU#0jRF9YZsk{eG<`@{>3!L9BQ8B-8Fl!pc)U@9$mDA_xz9|EFUhTRxa@t z8UAc{4ijHE_7B(NNOJySj?Ppdmg05cm}sd(Lc5h)MC7=sN?gZlHPLckFp>t;s<{R# zw@#@5eI4Q#myB?y&{&C*0qzg|@M{QGU%3eDkgnk>;>!}cHVnE$yZEZG0{_WBSq->4 z2@0peQZJ=em)IXd2ZXpFdK^a}rDi@B4J>9VgW(%7yUl^}sio48kZ;i|aoILKB;CTV+BUB1X|aG|;;x*j$B89$gBPE+#*5)F z4l#~%=V+&PLEMM7i*{yVgop#$z-`X$6poHt3&(I#2@Z&Fwr87myG(Mq0UNpavMV84 zFr$`X9v>H7!LI51Osu(+g_^fxaUDgpx#3a!3P(}Zf?ol+5+lAP1;?uUgQt_DPpF+P9l0*$tg`n*od}5L)#*a471r&);q= zfCc0N1@duHO^n=2wJxsAf^jHQxfp0d1&VY9mu&N#-N3khfw0l3;e-!NU7{hPb@<`m zqo~(rHJp=lznN4yZ{ur}nr+-j4dy~Z@@{h8Y(Xp;k0e(@HDZAV1I1w)nw7`}Au&PA zp9Is5Xu^7_XyKW69>CNBi#zb+c!>wEa|)gLcmxJci!Ab)fWwn*pd-#RfTo0bK(wSF zQC1yz2+QR!Axb!NmF~b3K_+M!#NvsI(4=<~es!FATn~54p#$i-Gl%=#U7TzPRnT5i z(eWUN#CJS+ou}hn_;2A9oDeyo2 z`G~a47F)%*0MXVRy6n*P>gb2SOz9-3NI&Yd&rwJzT?m=xRr!Ka!2nX?Y(-&tB=Mp& zPe_w4xMZWiiJA0KF&L1Mm5aQCI+B$Rc(Y)oF(l{YMu>abX*iHZgg-ccO=^l1 zbEGNqX|yR?;(AOsZ}LE2$+1W$BrDCM5TYgd){*%Z%U!x>5B5yl2AaiSGh51@DjX>s z8^R0}c~YZ-l2PkaFCt0^UU)@}oiLD(3?_uAkt#RaNCu)>8YovXK%pO`2!dK`JG~{w zzJGB6&T~as@e`j>HcK>$Dk~snGWaWv^N3536$^x+)SU*;0Y+$XS`DM*I7xLq(^ycE zp_Udl)D}5M5J@DW2=>z=XQ%GT&AViP1*FviQV}e$#4ehPv~PjZI_ARIPoX6?0DuQZ z_Q=8L3lc<{LjvFl8tGnTJ~GOGh&+1`=9A3C%~Lw|`%Qqx{A@T!M+E00cZD@eSVR5i zTY&@d30PNMA(g5ejsppT8l9L;X%}pOZ4gnKgH|Y~;lheB$7k3%G6GCwcrD7L0qx8{ zOv)n(g5oA5E4-*9bwXX#1`-|H7D#E=1Sm!JBxFqz461_QupEF<494b>aK!U1=(tvb zt}3H(R;@E#j3m>x+n-(^MxEPChPr6t@*uSp=goX`;?Q>cq}iV&v;XE1Vl zM+O1TPkfKmSt)HQgjva#ZAogCAmEZTTsv!;TM`-2rNfvxNm~4<|2$j4)m#*KZ!?Z z5zqx@C`p6Ap){%g;E_MK*KbY2MG3Dcy#&tVAIcPqn0YE;&JP1PjUN?=;q~0E3wJ33 z*vgolY~xPq;BU^S#ZB25_R~Bkm9nrYsEe6LOu{u`@Yqo#Fp;m23tBC6zaX;2?Y#a-@uxOEM262mZ#@a>9txelIeE!PbT9ZYLNISmC#rcM>g)*iB&<$s9r~^XMWx z?=eT0A96EgqO9y!R?pJ#Fe(&3sIM3mhL8+$mqP~!*Zg6ojAvgkOo5M5)Nd~kir?lS zm+^cC}()Mi5iS`nxc}>gpHiDY?LQqsknntP8$XmAtq%6Fp_>c%_7d;?kp5`Q&Z{m z2XsR)iAac|gQW9aKu!1vQdUC~SFo3wExyQs#;Nu^B_yba$`CVuHV`*J!j$~KSf?_+ckqGf32LX!pZm03Tu+Ztn7)+V#3p1hO-Vgf zcgJ%a^aKOgIJ=D+i5sq|pq623qEH5E(hsyv&DzInfLiDm2YI)JX)z}@m?G<=Z)Vkq z58TJbOc~y(JkuLTd3xhshY~yhR^b>qGL+bW)B-Kh8=j~l_mP8%@LW5(M?A#WRM@q? zHoCea7s{})zC-tzwzP#G@rw3&ug3~o#s#(wAUWxlar@)VW3-U>L$Rjz1760guGpk@ zuq7?kX`G(j$BDZXd+PwTdo|{BV>`4Kc}lzgrh@Rkf%&P{!c=p%I)y#&G`m$STGzzh zn{n`nxJ7Fs_~8@mpP9C%3)9CM)8HWP6_`d;r`3{aMxp6@rgzCD``{C(-t|jSF>?)H z0J0lW_rJOITc|CeXPUn^$^VBpu6h};AA|sWANSeSAbNz=VLWh6F$=8 zLG9-HzGMEyEgzE^)kLeld~f~#|LeSbf$>Ewe|$jjxWQ|+n&PRru6VUyAnvYJxjX$v zA`3|-XK9NRYAXwiymjj+V2sOz}inR zTQf|_g!HetXcE>Yj8O@@8TNKmH*Gc#eKeRCRWCPQ+@O4zc1)%R2`Vj+VXhIAd+pE1 zHwFbJAv%cyYk7C4=K6c--I63*dlD36aQ!EPG`H)Ir*(aj|ET3zyIA<}_cgS0SJN-O z(DiHf3YlFUA|m1OPh`faJpMv1n&k1lqQ9$nW@fH2Gb1-nq~2LPGo$S-o|)<2UCa(Z zANgQrJYC( zgfL?H>04O-efcRp&K#{iLPR23y@}bTa>8HcqKVP!CbiI&`ty{T8DDJ(Z?qkpKT!$d z(xpSN)STdR5gCO%sJB_K+z$nDzVxLC8?(@4IHS5boQ-MyQurTjni=9oYd+&MEE=;E zCH@Q3GYcm_{@0YGoozGBlCH>rTGf3w@l34&{hNI>;D zT!9%0B~)+cqDfGlemldnvQ};GTmFIWkr)I>zw=4ir8h81(}vOkTn$-641RP;ts-ID zq_svvi<4AhNzlSeP@W-edm%`3qs6|=XyJ|8hKDArpf7o&$GVQqULz6VVImTUP-C{K z5W(f5ONR(=&RVs(Z}}17T7?L$Zu(TD)g6ccQ^RwN@%Rss+Jwii#^Gq1r+=Jxd6X+0hNAF=5F$1M6j52wevZp~gGJ^V{VBs}~NnQbZ$|DRkm$-{g5 zvK^;KNAmdtw_!-tknVdCQJ6b5T0^?;WL2ZtPV%GWEehM{PW!ZLt#mY_#7lW%SL{0L zHF>zlVCVT;1MFNwP0+yeLVC3%;CUW64LPXV1Jc~!`J}YqNdg!#^xVO+2YQaFli)NZ z(`#MHX77+F`cxtkDEe4tZw4GWaypxfE;WkMp`=5iD3dA_y)7aNbEifNMUP}vquEaK zqo~?cFOQ5(i=(3Wz|2$SvP1HX!O(lja76yOPH@#6?0H73%CbgqDnUnv6!d36nj1y; zq(o6Ef)T^f4okl;3#G@I@$)rAB=GaO%+?Gw5wgoRmLa*HC>YuKU~ZI&6(MhoqKoke4oV#w&s!pV>JYWE4H{-%YqYd1n0ZZt z-VB)e43Or=%(RDlC?Sv99K%(tfj;D<$2ypp{YB0#OcRmFjW1`msnV2vTr?3m_v1j1 z99M?;pqiJB!rN9vMCQ(pRu)>%s$R4G5kA5_tP^uE`8Ra#;8>E}Dq9H{P&B7b*G3yL1c{27fprHnRXm3xhw9 zRprZ#!T0DGtZvTAg2sx<$7RCgg;*q3DK?Np5e{2j3_5>OdpEae<=SP~@+LAGfs|{Rr{*;`8x1N8LLN*|j{za?0BLT7O#7vckidu`;{g_a-$VgD*5ShJ z5ptqno`^)^dM&dx=WQ}^eF_&%#KaqhT0~==Eyo(#eGvhL*U&cNv?^RE(U}n^=|H@F z{_{YDfmv2^1&wMote{03l}2l$a>&yu7L8eoA&WB$C;!~VO)77e7rds1c~M>f{i&Ew zg4E)ie`!x<)-h=RZn8*$_Uk2I4ex))Xs=oD{#^;0GT{9qAkB^UX^-~sWiVoh{|**E zAZayjAJ!C1&oe{*$B9Tl{#%)EDhK>EE}97W<2Piu8QIT?vk|ET`Ad=Rn>#XEa}Hn3 zs=DRIPIU;gy6!sl41gjL2r6!a28_PynJZSVp#LM3D^%3wBWl@A(GFEz462@XMu4i? z-QAksZKVPOM`l@obrU$5#yJLHJqM(@fi>;2n-cP<%?z(+4e&gJusR)J>7}k{vlGdj z`bk720Co*CH{+7ba8`2BM1Xy!fA$AmMkP+NQdfD;%!n=^dro_KJexnA?|QC@v1a>E zjff3-D`G{Tuf)p);2Pb)`ITFjzNVOXaf<9&WZ_#QJ<_cHUZd4#2^uF76lw?> zF9K=qpm9aY`RS-EMl36Dvl;-M;adUdapsuu^F$D_d{^Sl=`Npk1%G$jVIKSmZPAbT6Z zRH*S9Xn(?JsaZh#FB9}`0PVj6X>QQIDg$VTr7>c#{ZUo~V0(wSjou5)Q@bHoGXW}} z8PETXhy);W2Av53b4nS|VTewfRNyM<@o zd0&S!&~l1qwWMF$PI2f&J<+=s>no9 zbbd(fNm-J*VnWDnGA$88P7BqcVaK@9{IZ0PLV_|4;o}OB<_;fe_oRd+F=C=@DcIWX z(N`7dW#&ln+e9QHMUR=Ma?gjjXkw&z-ZM`)?UQY{gEa-)bF8}4sWi)&22#Fb&2<~4 zj@!gMQPZ+(UehYstxmV?SbQG5#d>r)PTQkFg+6M)4e1z+%rA^vw;VcvF@!TW=ayWj z(ZR^e>6C&Y#E-TSYRvG#h1NU4QoUEFL2SsNDvw`1WH+kF+&V*%?T{(qqf6hh%rMU!om#Wa?C*W4nJmyw%QDi zqZK)JvgFJ{mSYBCie};DA2X=Uobz25D_m*!TXJa;DNgYxPyH9pt8M#3v5pB0cayP- zz_6BiYQAvHXvkRt!d(eEG6Vz%q`3n^+HLzn0wWd(Ze!si5UeYl!k2XVfPh}|f2rB3r2SK`NW31{9LW@bdi>`@SI z)OWrXAvX(3X5Cb$;Tx%Flg#inTG;-17L8eoA#*beCqK5U&6|~lmebaz{n94b5xRkh zuQqQ+DAEU%a0~Z~Py0d^UEO(h5C^tK>d`{Nc~nXpkA@YJB_!+sC)29DAtdYqY3`7a zcJpRb79$oN9>Z$riw^Wy*R$E1WG4P(A`;QzEM^pB(kU~IW7d3r>{PeAxfyPYLRpEH zrrS@{!Fic^$Bd&tOlBkSaW(j9!1z(4L1oFAKA4~$12BFPq`84H?ZJ7}{}DsP_p|63 z5v5IqwldJ`%!v49A`*!B2(vdsjm($+fQu#~V#Z6LZW{jP6DC#o`Td9}%$*u7{QPcK zH7+-P&IMnR;7pft#;;ivi9pjix8^kLy2Hnkc0FghNS8b%Y#>uiQfH!yBsLShV0(bH zW2&eIxEE1@CCNlBa2j%uIsww$fSWcG)xdZ-;%)D;zV_7qHm?T+xZ>!GBNlr?ebEXuY)5iH#m=#*-aIaT>k_F&X=P zWOO29-x{e$3nup)O*2dOzL213L-zg>kme31X=gm6vKX<5(q%PpL{Wx?m?G>k6j7*X z=7{oIA`%g$%~hGfOh%L@7fp;P#||`GF18(HD~4n#12dx*g9dJ6_3Yl<~2%+?+s1pj?=u63s*29+8rEI?);ZZHaNj-z5fe zYEiXXtKok{Y6weI_rdk8g+0{$MJGDjESK2c!*UKY(2E+J@ckgwoNx`-)7#W`=A2Wl z8n$wG79ZmG_^i9J_)zsLt5&S2zJ~tu&-hQ}f$CTBPj5`?;fQ$_83Hd~J~5@isRSTu zL*^JKbGJ{DSqM-2jRdtq(*8G|!qdzZ>W9N8oCVL3bB}$^9%ONVbB}T0<&96$Z?5CWDif{3I`{Jn%_T_izY!%Z{d2mPq@~EwyasFVxMra zEZLmH{0!3YLm~}7S#cT`IW**Ztu}u!Q6GX}5a^`87?(?nkdgc$$WW|f(#toK z<%j^VmU(KJ{}!WF>BGTw7!FdZH)u5Y#snQ1F#nw(&5ikKKLimH7%`atB^EwlzW+lI zdX*W_|Copbp#K81HlvN4czF#MO$2l-r;^X8kH0H+2eT*YV-T8x@8YmP`Z9dJZMP}` z5)VVFAoNoaQJ6b5S`hk)tZH0t2vr;G;E|X|OFxvCs&^oK^%%7UZcPf(NrM>jrp32-#+y$HSxMhr>6!{P^$hClJ3$C*)d2lOFP^xFwq z)zac`a?wN-z05x?3E#xwkPW1>loR934VDwi8c)y5RsQBp42_Y3}6qDJiE*2Z&_EF!~5B$?jdGtP6}nF`wT9ch|w<{h|wZ?#+_+|B}shB?K(A{$e3+*D!dJa zG%Kb&!sn;@Cn3=ZNhcj3zufy0Jjc?cQ=1Er|Hr9GDxN$TQJq-{qZLnHoYm~icAbB6 zqY}Y&aV1FBFe0gB^f)G`!pE_ns?=>`!{a?MnY%h+RRCGenq#u~-y}m5@#C~m9a`A< zEu%4J2^()uP^}?s{60u?hmEwSC50t1V$tH)SqX?1XBMOt21Xd#p+e;{hmSueA`w2` z!u6PuONNg(anZ!^aXcw}NdHKR7ou1+Ldd6)`0%LKsRF>~Bf>X}akK)!=dv2kat8o) zG^zjwK8+FEV>2f7KH0zl#F0p#@d<{mCkF60oD%^4mT+%0#2=$V1BbI&5PuywnFfaj z#6Jt9xe@>JOald9;G_11(JIzL-vEIg>uNUpksKgAk%$Ds|1iCy{vaK~pB#wrZXH8; z+>#*ALM88$Gj2&}FNYS9@qm09LHi$B{R;V~B1-v5LjEh+PR%`*DT6R5v&H65{p(Rg zZZ>Eji9N4b(|_FS;ZyoUfbgc6xct8_@F*r(V}hcLokz0C>clu;n+ywzLW>L~qjhG9 z48;Up8zMs;q`4zQ+RJ+Sr7>dTfn%%)1c%cL$H*l8T`-}+02Rs{DxOb7B2*mZN>X|D z9b7bNFpz%d-OpyNdbvTR908TcF)$fDJ3>7$xqQy@)*6#)zMIr9Fy(CFMUl2@xbizx zc1beMcO|IXfGdxHG&ioK-GCi0krBg|cd#=05>I-pYuoH`GV%O45eYPTE3-|7Ccnl- zmkv$7n6+wi-}0v@>TW?{Q8Fveh$50IJ~g5Fp*ogQv7NU|U!x!kPc>bcvner!5aK*?Hg8glS@CP;HbNw(=qUlJn*AuCx4fRGEq>4|TY$|gez3z6wo zV0J?ZF;5^O0WtrX-p{|E3SxSL$CiUPC_Fl2+hwj_jcu=vD8-E6qcy8}1>3Q?$8u~d z49aY=`2$BIk`QWp#IxlviqH=qsTQ|xUyk}?V#W*^ok&AZ7a>wLSPL7oM%&CXvVBg1 zrVSZr4Wzll#+8}oJT+mASmby%>j9A?VWEr4WeycTMMNT0+{N{z^6cBWXi_%X>kOO* z6+vG6o+Bwj1nP}0cc~YVInWxi6OxJDM)h%n1e$G zm_Ff*Sit#h)=S@P2R+UlU;c)OM0|NCvo*t@%pBj&MU&!7`nl7uWUYF+@kpJ0AU&^* zPam_c#k82nPgawcVQz^6Po7F+0A=%z08lpT-O|8g3l&+CNsTdZ8gf$Ou^`P29+zeV z4;J;Pt;erp9RMgyOD*8ZLeE(dt zXKPNdoA<}Kg(|__A5pAXMWdDAJ~^vVnyo(nEJ!A9u-)U#PxR)RA>N-KLKfOph$aQvL=QRgN1jo1^^423df|uh1T5Y zy{>Ds56O)6Q$!^2;WwFoDtvew7fr&4-jfDqtbG%yK@ORTMrCzhjdb4JjnT^LzMNHY zX3NN*)v0}(EnKo%%yxyaA`$57HgNg|pDR4;bZi`BMmf@SQ7&@D?c3B4H(&KJ$=bGa zHN*|LYlwR$6<89)-3m@aP8I9~>7$3ZN(>{0xSLo5K-_Z+Y=t;Wm~2p(ptQgc1QUU- ze6yoT2%aP&0l^!%LNj*B6m2aRO@!cc3pd~(20l^@+om0yU&H6vG#j;rT><8r3n`F2 z5b2(|p`!(|*Jf3XS@-!t)>A1gIUpY(NvF#d<=JxSbIe$B0lt!#JV~k#w zHzEdtt7L^D>D?Y*s|Lq4qse9&DOVBol+0BLSGPJ8IW0FjIsG?!T$faWcslO*-C zBdJJcFn*AT1Q^>~g&E@{7(a)LCW7%j2bv8WiPH(46zMkTZV%gs zBu&K5yC?7k){K6N{JsY!e^`N|26RkWdIFdnT)^;(vQS$HA4 zH47(yq>2m&F!sxEMkT`;lPuA2VEF1|V$t7_5&9D_6i1o6W{97r0!uO+_+)}w4e{rT zAk7_rQcu7rF^pKu`50>;!*GBIbmf~JO%4bCorpvP`U|cwl_!6cizY@ObEfaFLKw#k zYB;cQXSjRjhK?4@{9yx^N{IM7EfXSx$d z0DXkH>y1I(OUUr_5kOz98UpV#T4|OMz(j)14G4S2YSvJxoLbb1!DLW+;={(?wh~5p(~BW?&o}$$hXkAr8V+r^V9-3$Htid*H=c3l04dPklf>hgC3nYB0eb7}l&^I*vO4%f(8wc|5z9hsXuS5Tlr*C)K?A zGSwY}FP|kdkXdznts1&~jtVcyyvF}Z(7OR$z5>$R=#n<89w3qt!`Co#{9YPO^baKcXd#9kA_`{131*KG4%la|x= zD7S1R-D9m_A!j>c5czU4J%PwuBlT!de5KJqvm|<#CaBv0#n*u}Hx#G6$2uyD5yRj~ zRs+v7Q-0^$C3c@Es|;;BA%e`vd>au7WFF@V&A=wJzFk~25t+}uu3TnN7EZx;RQI8= zxsXEO`AGN74IM26E@xHEawG7megsyZA!kQnMJte)rLqfj8I_lnF0Q&_Gx(hvqp2xg2%lC@Wxhydmt+9`_X#RDpv>1nnj2-(9(NQkkrBh0&#*FL z$KUiy*SOj9*@|%xn?)N8hdfjLSz;e2y{Xq-d0b5tG#}hdwk|$`-_6^As7Pz~*xX)~(_5 zHAchDk_BFsUKds}=oe@?p`s zkB1SjW7g2-`Z#2tHR$IN`+4-kWRL>0cNnCgq4ukcCY%MeUzuPK2Go87NOPn1(=wxW zpI$}{xBnZfBo?>nRc74&Eg}-Q{ZeLa20V$|FX5tzxSf8fN?Le&0)^Or8tJyV1EYo5 zf1Fii%Z=DS-Jf0a_jFzdr!p1GZmCmjHNDP|z&((a5x-+*dj~Sg4&wt^#iIGw$XErM zUl5@AKo%OP|Etl;vw-?n6Kuu+>fZ%vZcx7|E2s|^&xp;Ne2Fy^i|zC(Gq#Ue0k(fJ zLFtgBzt#UAxM(7_AJTJj@@X+?f>p9v$7**QmOY1Ejp|6ZnVEPy*1J_jp-93OwG~dBd8JI^HEFqd%jJ2 z7gflLw$zNuqZP7tux!j?lv#$bM6+=6PY5~vAxrLI&pfFs=tMA*tAFBA%*x-bOJ8lw zjL%(Uz9QbJ-4~)wnvvgaH1aIL<&FgH8iGp+q`8Aj=G_-k79$o(p2cbavTfnrwc`?o z_4Pd}qNAnR%>)KjyF?^L3x~OiRDOIj7fp;PJFly`xMCCYJJ!@(w^5p!vCC!p7!}`> zXkUhpsbZQ5KNRUs<>LYJpV7}P##0_92EtP|t9lE%$X*qxBiwo2P1d&-_D~lVoyrsL zS*%=)|LwYmhN4v&AzsNM2{X`(8vNu9Al3Y24cF7#L?5r8qN|nM&f-J-9_x#Z#fPe2 zK}@Q?hW_)<6rCQZeii@p##A3iZHP>!(El}k)Id_%`)`rPg}whwg2uEAO4z%(g8XqS z<`a_OyQb{Jn1D1Cy@IDP0qkgh01Jxesz1g#|C;n5ob!xe*c8;J!N8}epq2xMJxq7e zb#T$m{wUWHwig|dHUIt)7fp<3=gIwpL38Phl$Z_OiRIM5Vcq%RPMVuL zS_6mG=zGeQWT7Cl1>^_dlQ96upQvUYH}I#iVc;c3I46*8XS#^r#Zs;5b=yu15+7OW zhQuK79ofzKoF6!!izedm4j+f9@dGf}SVrM*G1576Ge--5 zr?V<%x$#%uRr%bmi_iUwI2y8C%#eKQWCDMuaV)WTI?dc-Z>iM*S7$MF%`t%cGh}K3 z;Oez#fcv1)97xj^AyJGN;J$#hz^QIvhirzSPi3f7W{7<=5ebOB zpKCE=mxS1Rxo9H9-gKa1H|8D7owMw2r%7&Td6j0jR>r;0IK`uEHSyUGAKU6#_^dHV ziM`+y5i!pbeC4==92I=OHzGK*2u2IO-;-78%MIW2LDt%L%ui|@?V}VR&iSnSX6_^oBg7_!6Xd;MTc$+wxDFA12ZW3nXaU!!gzA1p` zRAm+LZo44dS#z^T3wXDn?&337R%MM9#7Omp(tp->D?NqQa2LJEbbSMO^hjLMQw1XFb@G@~%uw9J^)GV6O zg6;XN#<1M5eUD08olem?g^MhUysa`lc8BQ%fHRAjNoBP^#S4=SUtJ82zmhCW;P}=^ zJsOxlY_!8HVE&2(ts21m^&rg+=4tn*L}f85h%S-#Wvm7O`T7FepN``6E;EY%CJ_k~ ze~@{bp-Q6oi@9hbiq~%^Kn@T(*tIAUW4XH|vW0MlCYmuRQpQ=Rc4NU}f3<|a&NaI@ zr<4vdr6Wmk!qW^t=k3wjMwgw&YBl$Ge?(&1-j~M=XkCme{yA}xgVji9Lc3u8GE!Su z(z-Jy?t=L!%RkIOUvo8h8#zVYC`u=}Jy);p{JLiG!Pc!Y&A*y^YO zA%HMfkbfar?W7^t=izty`{)&kT)@~py<4z|3F_LAEMHAA_+ecb;K!J1lx6}KP=O`c zoAY>ZG7YH>xG@e=4L63{o0ED-76^IN_Sij+HNYdW-O}9j7*4NsRhvCXy6Ao)5-$1} zW}nJM&*GwqG5iU)Ido-_cJ?Gri%{u-Zxoq zbS6uacX&9cZ}N_(U3T>q`1}FiQn+Y~>v)s%ND;cTd+?2fJ1bUC_RO_$n%c=``}kzJ zS@I^mX185(CX2M{;&tnFyS)(l19uwDV`0>Dn~map%k;`TaohGfQ&(R)b&Xcf{za** zXJ%EF*&6cWsWx<}*f`Un?$n#@h4kYVjYwi@|K!#!YBZ)5AF_@ZG+iKr64}^hPpd)0 z)BB7zrzc`bdmT?EXwZPCF9vCDJiXLxd5%|bJ0X3ed2A7V@=haPGxF_=cOiY=Oaf$+9}SkP18+oYpA?twr`E} zNE@wOkdkfa%dYBsh@o(ma|bslG=}-zNE^cP(OrkeFx1z9`-Fd+r50wOr?Up%`6G~O zzO#nw32zimv6KICgZn&cSqGU;ch(#}WHRvy(y(xWUrW%CmhTG}FjtU2K6O>>2tJEW zA2|XNKi{|8^B$k~Tc$*&!MiMI>nOemaZlmL#Kc7GE+%a-5bzwT88PAOTO@wrlkwxh zZ&QIK84P?QLA?eC{7;Z-4!F#Nfk4Qk=9XV$4FKvdEbJy@#38?$Df*Vkh8Wt%M0C0h znEg&V_URV|j{VOGn%5lrOI$QDwq0|p)9JPwbj%Q)Re-D+2{oPI+OgdR-6UjNCo4@% z>4}Lv9zgUR37n6K8dF?EJss#GdW@ltj@FpseDvKk!tYb9*>>_{_Ok-a#zb1$4gQ^G z2&2cXX-v-0e~uX=>TmA)`_0nNQN7;id!?8F2S5kmknS zT`30*=sv8a^0CU!Q5kSQoh1*v-6rsM+}bUzN}q$FQaXH?Jw&3bOGF}VdK%X@qCMeE;tM3G9Zd{#AjjKW_qlT`(#PSEaZYu2d?M%m2dY>6r|CopbuKoh^H$#z} zk$DXlO~ln_30xfvrL_1*Z@rdNa_3y9EZv9Kpqt$eGThbzrMDjD66|>=mNEN<52`5PHh-WckEv*_x0`ems#2FCw`j84G# z*|BwMnEpeffo8$8cR)K5*T0>h zV=Z6)CKpY@_4F5BjH4APN6Vt>i(|BHHg@82ze@3j;U0qu zM@WqV71nZ#H59m&-VL0F$$|oh6VzltfoYKD&g{n1W_BdiQS{|9c1R_1V-j`*K^S%-|wA|{R(1qEIy3n?<7etl%|nq1UXuYk}Bu= z=}1S-O&+bB>-kxgWVV9*BjQ6kjx{`N^si?@N#v9|hC%%!v6xA`*!C z%gomdKN2xt&qWgv^QE`@mdIn>dH00Vz<{=lnIanh(u$7PX}hysTGk2nRADUKY&cfe zBV461vfF53KwNihoM4N|NXY8T6G8v-1H6iaL&WtnMYL5Ug8nJH(`ir5_&w4-vAHM>xn|{; zMXX%gyLNiCmKgupPvmk9!EcSm{n`lkFfi+B6YWZ)P7U0Zb`4k!=|s-}spdp$xSq_r z(l!MB8!;Cl6X-u(Hfk8DJY$;lEj(jyg1)rLBjFk53i6LlekuqZ-By|I?!bA$PPvFP z2)!cC^-n)gi6+;w|=H#FycAr)Sd0C<0b zEf@me%Rs96?r?c2XH1Ur$5=1x|2X zVc3uE^OA!ikBcV7$MjRk@5oxUxo`OaNZpco!fv~~snxEDkK-I*MEVcp;>qPCbN?mcV3=qkP0nMMWHUKo? zWhr{BtJ~~%5>viGL;_Pj%xqI($_KdU(qYQVi_J->meh!<&3(&{DbEO!h*Pa@YDY#{ zi5AD?uA_Tm5|pXodB>z4Pk`toBCJOJn)_c&ZpC|3h4lFYL?nFvTxOrj=g;AyNj~4(C%0~5oGnf>3J!_m{ha=u zO@E`&(Ia;Rlc2+ps>#Z`BBC&NN{C`q_W9nPRgGpl$&a7v2%>wPc9RdLO^u=fg^#5; zBLJhlCXVUE1bpl|zgoZwh=-{z23~)PtV%9m1-vzoeSy*H^qH8XUGmRM(4hfjUkcLP zAe(jpOG#nGp!O6i08qQNaEy+nz@{%UxDeh_nap_mi$o;ww##*xp-GP0+FUddZzp;A zpUzQsodz}n;7cQ#CCd$#5*+R>r-zY8AU zjNzddtyC+=smgy7#os^&(r^M-71BFwYBUkPo+x%yt`$_38d+VGrcm9x7I3k)RI@!V zJT2T?hkcy1qem23kL!qd@uvE9XsovZpX!ygzt=aKE|xY=;S#aU@+T~?y@0>BHk$M) z92um1L|Cz(o3*2|xw7+cZ;?+O>YXvyY<3z=Ou5oE_u|dX zD|@GTPN~!A){CcTpU5JfY@y}sRJep~2T|;{BE-GZsSh3mRe^|V=+k2Fv>J}M z?_zg6BwohftDMGS?@V#LeX;DcU>v9h$F@KY>)7c>2%xx*z}yDPRUk+ zYqw9he5?%d!a;K$AsRX&Te;r%hRS$vGddG|M~>pB$znx1a@AXevu>wfs07E>&|V7Y zhPaiX@=a~~Wbh|UbQ`%8EC&!;feX}eH{qevFYaw=IW3$_gVRkRF&5ZndNOOH?c^D~ z$5uL>mNzvyiO1eVYoSwVHYS?w`N_rJ*;JAnfRb1(s6#y+sAB`3?|H%{mqDIe+H<7{ zdwQbSKhb9oPqoQpk2~!N*Xhi09q{?dN~c~!WgCI~@S-x#f4F%=ZzpWBUJTqb=s?kH zk%c_eJKbBrm%^ut6?eW;!~bBvYbbs!_BMMsnx|8IZWn&-K~QJ%-{Ma!eBgv1A=;fK zob_Utpm^bLkTQ!9)W^FmRIvrE>$n}rU*Nz)u%2egZOp+2d|)_(pu+3UM#|xgBN#6o z?Z@7@hM;8;HdCL)!j9KjKocsCL$^nsjk~7o9!Ip{KMa z#E-#k&i|v(Te%kus_#G~w0kS};di0>P5e>avwFn}r?>J_db<|C@%A$MeGdKZa(3;O zncsS1CVm&HKS1cK{$Kjf#fZw)_Ytci{aOLK>Z|G3S@i2K=~n^2y1k7=Pl1xS2@Vf2 z^@B|LAX7ca6c2VQ=TjM~0CDk}%G0awr5dRD)$h}Pxb0i125NNmLi!Iixq2o2hdL$N z^!1JS#ckRhv}x9FQ}uQD)$N_8Tcl{*46x4^S9O;E(B)Mvi}x(B>YVsPO6)XTAj-4t zFE`g|RIA*)n#i-RhR)RgEpM<=vJnEXxQayZUw2tF9{5=6Y3< z+Ga7B#deAipx81j0fsCP0t5*BGno)bLKqm5!GQ@0fiMur0$~|45JCp#JLlf_?tQOb z-S=KqH}J0{zhG5Y-E;1}XZg;#`@<_=vvkSQCG>xtO>U!Ds-2#+^Z8mm@3`I0ntVOi zt~#|=_to7UFYG?Ao9V1=+Na!lyP0#koh2xdE0!wxrc>+Q*X?Yi;;mA}os{&eT_@Kn z)oVU^abglejMzqsFZ3>_h5V0?u^;3Rhhai``=tzvt2C&W;iZQ3Nf zorNaYoT@iZOriDelxX!-)^4}zZo68woAZG`vPyi}xrXT{qqrxVE@XE89n0FY#U-7U zrCQ!Ottm_Bv3LPwRJ;&+*^d7`75}>w|JyrTc~rj=oNTBVv5 z)ruXl+AXd+*y`Ht;$_91O1uY)=R=8T?h2T1uBWvb{IZdL$+{)zrqyl+%lF~*Y*$0UIfup0?ap6Te(K*Ql|5Ukd8+6Q}IvoV$Z@cL)RZ zCFsjZFw*N?Y6(}|(!nRi;fT(`4p>HK>8Y-*n+NIbFxA?gbpj>zLY=jztCeZ)2Y?1r zgU_6Fx$Xm64(^~#}KN?6~N@|h|4jAsawjrnQvIaqRS&Z-w8ZPf=T{{y+rQnthO zLVW;KLIMv&iz_>4M_K)(C)Yl|Dp}Y2%R19p2kYJmadDlU4b%kIHvjGD5-ygDCrF%C zCC*~SZ~R(re7NOnJmGkaRbQy~z0lOYHPk-QxHVKo|8~6~vR!9#yMXGDY0GI=N&qTN zv=9HRy;nM!hc$jf^+s+rG}5PM)e%-@!%EoPL+)uK;uocsxAa#_XKAh1Mc)MZzkv<; zNi1_}N~2xNwc0&kv~=2Q0Y0f3-)pL|(Octh$r|qw=>|Nd588aBKjY#|B-T(z-t4no z4nP+zUea0LaB6u1`_n*XO-nMyZ9x)%!m3k$Zm3(2fos7Ifx<4;x}9Z>c?3m#(VA}{ z5K8<-I)!fl`A(}VYU!-QH*Ukpl?tU?_p#1eKv1=wZ&UPqQWR(qG|o>8I6p|v{27Sw z(@154xcbf>nRv>L74>%v-R&>xC7sQ_&D0wXa+!KllWk||b-uw|r(|2EWVC;Mou&0& zoB44w+Rmy{jdMf|XO`{Wcp+ zHyZV3E9)Y!Ydz4eQy%&l)LPy~T-hD_M@$dTUx$LPhPl7qH+SGo->ijukoMYi9!3nRov7&sTxo1XE{=^eoKWKP`k$HI? ze(tdYU_;`@zsbly8XhF`^7)|k+rNDGo@+dp;m^uT-es(#JRa^tEFj1R41x(u$3-JG z!OL%u*^g_0_DAMM_Z9pffUYMHY1Z8zuFma0i0VPB^?F%P?7=UU{Quh6l|Cr-dG1F% zO8ujmc{EB%=CQ8zFJ|V^t|gf(lv+XKQ6Z#Wm=ZrKVT~;_#bSLR!Du8?9Rp5@3JfVu zG*GQVJ9_LWI-n$#=Edf&8KtTDOLPvi$H=@tP$g~rGmQNE0F_`K1ge!hE#di${7dQo zps}7oz)Cb?5U|=tL!iD>Cq1CBPAl&9FYuk}<(#pXeIOwRq9ln++sr%~5+w6jNO;7| zJlcpQa|H>@F}=|b5%@PHs@Iq+)Sx{fATa;bc<@RVexk%BsVLuL?wL`Pv3T%bjm-Pw zLDI&5%E-SD9th?^JQ!1xk)G4&UnxWQOJj|LAcJVmAjq)Bn>CdnpwzK!+|Os|qiX*D zHaEX-Lh~)q1!fUeiTPSjSl*wirX|abAv8LOiE0wdBEH}&F&>oDrQZCWMs%%Bv-eo) z!1PYHGe)y>_1Q93Zn}ZV!p zD9;{qQEMDKSHvns1Jz;iqI9y9 zZ`+m1{N&g@ATe~o^1E)4+AvX<*OCtPZQH|vhh$?BS=oa#lOr?xw$i?7~p zQDd-HV%eoCb8B)V$Nd_$;^ULnJw+RBcPA_e0LzMyGW8ZM$d__0C$AcM3TtF6{rW5~ z3FNJdoMsa;@EBiY*(Yph8*+9ZXk+;=Z*hUivD<1`pTWwM?Y5|UEY231XgATy29yFR zPVm>thK^khiL|ly2O&i3uh6Vltz%c97KU88TM)94gFSIP3mqeVInrc|~L!>#G1&>*O&RV=xlE9L7D3l^uWT+y!0Q2|HDoy@*ogA}55D3&@h#Vtp# z!nj8D@jv`ExxZ=wZEATi%wU=P%tF21f@U172NxWy24Tfso4s5?-tNV%rMop=dqccb zo<)n{yD?!IUh7?n8cKPZz|LQdNp7r|F}inV7JH4F)&k2{Q+v0TNd%oWSR|}hPCEH6 zFTic-ESu1lD7lP2xm>;mMEIf*GmRqI(<_qlt<)OGyc6=<~f&YXW zTfP(D$!6ZaxQMH1H^NfZAifoCx8&;fu_YQ(Jn=lqgIYaeYSql4Z@Q$F5rwUXq~cI% zp+dy|EuA+H6%4-e@Ee2S;42TmX+Z;m*3Ymw!xn|m;fZYN|5U-^*LTyC(ay~!+U zdxD6iwI{A0h;4p9uF&XSZtTYu{ra&2K(Z@YM^62WVyf23uyBB`tB~Q6bZZ)qHTM4rLcR15u;2u!6P0 zQ7G0CTJ5B6ZR`A;?mGdFj!U_>XUmhCVvlad@O6CrfQ^)l#u!NVEZVX**Q~c|`RVa- z>rSU-P2;EH^h_c9?9BX*87uEl4#8O*#z}Hl8d6WB%Cq)tsZzqA31zT!6OFA z$}2v@BN#8-c@+g%%*a$9Vws({FjDelgTY)*A8BF$?NqqIkQr?{aFHW(AH~2;R(*6v zjM_ADlMLjqb5b)92}uVT56YoxFIN{`!45Ng#~q>(m|x24h%Y*J=u8g+^tTcp0s0lu z5a0=EiN$SVW0^S(kdXGLAmTJ&B^#v1j(*V*l6HfVqIDSF7%+tyueGa$L2Jyu9%5#0 z+uu^@t!2M$#h;dEXe|zRzx*{c%7^W>vg6P8`@Hno8u7mj)!nNH^h>P)=GH$Wptb=# z*i-a1Lec3tXiXhk5wx>(rm;=~6OF04|7Xbl`>^BnXN~ub#_GJG+P5)?Xc}L06VLXV zsKcjkY#RcQs4<-!sT9=ORE;MvG3 z@wdk2?x9+FE5+Ld2`(zf3U@3?j#d6Nf!6tVYzQPZK>aa7{p@U|o;#sq{}CaFkni8n z6aOhAIFA0c?CiXCJeSA(m9Sow5!}D$IOuj*6JukZloyG+5D|J4eUzTDv;yG`j~oD=YS_Q^AK-wfZSch<6{8TPw#<8{-4B|DWx$>w51#kYG zl3=x#5T3=R145+-BPY|xFncc7IlNHgnLsFA#T?PK!!%D5-+M!v2+!d3nNUwfkkqEaf-m*$ zY}BNq%;-t7j0J0zjj5;=mU|lKIw$B{Cs2`}tY7Fs83mrIb)3%eJT%vMUS`*Xbs`XT z5|s2K$oEmj;zp3I!9GpGPW(Q7I1oWj_@U#3)2w0Gt7Zq}5*95>6xfa^OM)l zVgk?3wQe~yv%?gr)~pPU1cH&u1NjpQ5iaM*X$_0z-isVZ>+flw8q-t-rf3|~8ayX|Ol~S(M!buJ~ z{DEcHTJTT@?~BlOXJgxhekLSV9OwZ~eE1pO`RIvnLCav;3d+JtOao=aR?R9>0$wON zm3%gI_DXJe$Jt)~SyQq2g^vA7N?sw<)+5IbdFQ!YFW=U`Qr)=UsC9i)Dk=B4Q0}wo zAF<1XoXc;;Y&}2U(@OljZWh~EoK|%Is26Lg=UG^CwTC>IRzK2nQp?Ie)95?+1a7uNWc7%v2STRk=Mb$(jy~&QQCN6Ds8+#XyYOL!w|R3%4h~kUk7IQe3X%PwWM=~*MX=d zOLe3xd}6Eo`Vi~>Zcaw?TG7l`b2IxF)%Q3Gl!@?oKJFDfu2KGFFb-~de6)NczGEyX z-$b=PBK&%5*_YMQ9VSuXM6dOghhMEPcK3*LOQ-l#vp8iT;btU&ovr25F`_3eog_JJ zExTN_dekYO= zntLzR%3HOmvVfa z-dux|eLcjezvpO9_Em0F|Dw8+mEVoR>^PyY8s%hvkFw?W;XnO-%NIz%w|e9e;ad@9 z%F4GE-HenWgd38`yFM8s^VHsTbU9WQ^wWg57*IeeJuMk#oyt0J58OG?=3R-8QQGxEO z*jwjJ&P`5;^*Vo*%=NYc=ADxz;lL-c4;Jf_G-T0s>tQ3I-XOhhx$jWY@$N@#IrMvo zP~I$^4)dc?G?>W!sfhX&T%9qdkp-oJ36_e3RFZ~9aoY>&9uDjRMSJBP6rR}q&T3m> zgVj*uxo#xB1y5p0Yzuy=%z4|YAQtt<1+r0zYfk}DL^?rVC&xAI zVAPgQ_#o7t5G!-DWco10&FWutU}U=jjAM{Zh@>1qZkkY%;t$R(-9AX~q|ietTChgk zA)>p#S9|ztrT$}swB+bw$@#v)nJ{{zPW?+%{T2pgzB;EhzQkN=I9r&)Am2W zcXYv5*;-iniL!z%F@BUfE9mU2WpTAtu830(81ib_z@A;ZLIYqqSQRl>5Jg6lH6BaP z$J7_9`@fRP)npWTBX_?iJEpIbM-fAI{J{{T{((Wuj(?jQ)xYS#G2}yF91}x?K!S+g zH->zAklsm=8)FEL0m&Ewqw$m;{8B0YOM|rH3yUS=FDI2Tj4puhJvJAC?-6Bi_Zh7R z(|l5-J1IGZi4)<&8)D>?9v^O=rGq}W;OIf82O+M!iV@;4{e}*4Nh}&hjIkqeVob62 zj7I-TiQ??lLI3XWYg)#+8AK5oCw;vjSTP=AWNwtqH!tNz^)EUwR!o3#3|0t%B*cmv z2I-v?c~Y#n@+wd58dl&-rTD{xwBpcW$@oZ88Hcf=$L1oiBBIR2i5yEwE6gGhVr-0& zR(ixZQfpVUbQLCU&yhR-H!jG>MnDTXv;xV~H^mK-OtBd8QQj zPRZu+RF)*ujhC`)deRO0dO;xMEg?qzaY0Kr-pGyWUvyvyc`F#lK!^}XLJ0ZLAia|! zH$uo7&zwA+t1pzoKQTz{f4o?-{p146_RE9xE{SZ%{8Y|Q? z`G%pn$Co3ZIik$CO5Ng=Z)2%r6-Ov~mj22n&dM_(t0 z;+5QK4>japs$tiKn3)?UGrDPRSpT8}!|~I>I0lY|P!huNkwJPV#XdY77Y3<4w^*_* zF0gE$KS=MA$kw}ua@r!V^ei{@t+L=(4APFyVoCXxNu?YH<0$}3$t=t$ z5h!06BeT??d~`b|egU!BTsv=D8SMSAkOPYax(JNsWg-S?Y%uYFIAS#$cTmth7QEM_ z*~YFtx@%(pksGhas^7^{&cTTxZ>0~FbIx5T;Zk|aK8Y=V_H4xolpcF_y^TYEU_zT$ z8n|p9?9f(Pl$t-D$~EKw;A5=jo&f-TojmHOySuRE1;Wxo;TJ-T`iBv10PuNkRR5v_ zN1QK$aZJP!0trT(6=bQN=*1sO?B5%thf?gusAF6UT(LH&p#H+r6m@N*N_a8rqhY`CFh0{i#GU%UCQMTl?8 z0K!s9l$d-ZCOD){OgbMdms;2i9y4ORQmh2v37`u0o8W;Q@p;xl! zXd;l73veE-XUh%c3N5~}080w{i*-ERa)RzI$knU-{tlfy5X%c=;o}B@EGRNhSS5Pm zg(~k)CGnT1aygkJJjO29lOxdA0lPOwvzU?T+d|9|#k03?!}=E;I8XS`U>p{El({)xqs?WY%5wqG5jcS&R$7=vEv`Bdmz>72VcSHv6p_b?o_)dxOvaul2_eWfkjf@(Xf+%7>lfF(KH4G!mXM`A;8ztv5uj5Ab zFFJ6Z@4o8F zy;f$=uHAcgOpeXmf~v(^r*x4p9%!|$Ew)+>cY12dZk{fkoUAwJrW*Oelp>zQpZjLA zS#f0xKQb$BM$rzM;;vg6a|5^D{_j*${f?08H}OyClD*C!{Qq5eEFRp<+<7#jCzzvH z7(>7uM`BaZX0?~B3nei)ii=FG_kQDRhp`{eLN@orfRk{owb38Z_Jx9>P*EZ%Ir{N!n0>m7Ug>KUe-AIMJRlG^-(1APe zp0M`p+Ow-a)BtJtz6r3a&AF4+N^=sp<+@WRckkIfRiQ5J*=745Lg-Wet}cP4{t7ET zDKOue*oY|hNZ8rInh&0D{pP`T z2DHLN7`8vuq=7K3d@i_jt|t5%pshNjk%ZDg+Ks>-;SL(4(d|VVq|yEC@>%js`4~ak z=i(rZ*qR~j=$TklzvB;ouYu!~0JfVku}taG;asuil(4CE!nz%k(fEaurCV{AZKYT* z6eg_eYxr12J|*wFpyxEG$N@UC%BMuJAL@wqBFTRB5n`lA-cQxr55W(yoAhm z?*jgAYB%xVDpu0>*S(YHv^c*X^W1pWzG>ZCaw$E_+_ZoHy*sRDVK=Q?tT)h9py8hW zXxN*0?b);I>d9TZ_gt~Z41Je-wivhq-AQbF8uZz0Apz(+y7@me(W?m`BL8v-BL#pi zmYEWk4r!CiOiXXx;{N6ON>T z=A%K-q$da@XqF$LpG+AbF*L(v=WDmxb?Y#$%%8CC!DBf$mhco4?f^L8IJim2x&znk zFbp1|7u~I!D|m(n7y1Ig zqQ^!&#ClyEViCh$#QK6hVq1NHUyJi+qLrBR!Yleb@8@VsuOcp)yy3q48ES;6HyXBlA{v7dLE#BR~)y_Zj4YqwiEHO|s$v#0<^m;FY?1zFl!p?)p65alnp~VyS``7x-IRAEZ4gxptFpq!ix@E)K5E ztGjL%fv)OiKo8!y@MS(zs1Y-9_ls4a$y1QK{QMvBb51(VdCP6j$|^E=3ZvCiVx=0U<7k9ygi#TzaHLI>%09Y8!SeXO4-T&?J|1JZ@ng`Fb1XJD|b@v92x$ zGx)^pumj~&OQj)UT8)09$$g|&)J3!(e$}+`bXe@=^;SH; z!L%D5u!LRHDNU@rlZBc$WpN!@|2nA5QB*bWRY0rtV8nM7YDiM-RguTN@Srz@(>vO0)<%*w;Vz<=5XDlaE^?4HwPR%XCh^Z-{dPe zxByBNvLJLw5HC)`qp`UGC7Y*8yxqQ8KgDh+U%uoDgjTT)uEl2M@waR9U;(+%4mrAN zvW~@@T&10->m@Z)xfEzZ1+w%ar)+b3sp0LrW;GPf6F`yx$b@<>t&a3qX@1#1X zG?nvaz8bC%Yt-p9n2?az)?eZ+7sQhBNOC1qBNk{dP#mVAS&3XK5;G~VXUrADt%dbc z(ac@qj4=Hr!;}RG+4YJ6)0EefVKu6qa08I&hfoRDBL|JuLGBm;G zA#!*KmfoKgLB?+x#NvuqPo;Mfezlyr`3dXJ1N+f)r%=H4v$z8cs-PXEqT_xLiSD@n z^DrH6!+$fU;e_ZhZ<)bP8Q2qV-PBz{*OY#nnDUO$ley?a(XJE*^jIR*9kz&2)>QH& zu4A}14rqsYw+Ee!X1~BqKoub+o>PVE`cL9IO^_f|3=H?TG2GK>bm>L~+=)$D20#oL z%LjK%mZK<@<-jlqHdNP?KmoQQwZ-Zyo)e~>N5g_Va#LF@`rEC^Fxuz)ib~`vzUE0ghb54cGK!F+T^!*3Siq zw(8JRxh1!XehAEzPJ)W`ThetJi`7a!}4z6qbh)FG}--G+htPamO|# z^I$+mme2A&>QGkNm!IGjg*s3){GBd_rjE`c7_s$G9YUN=6ct`fQ^_h>n}=bfc#*q` zR{H6tP~C(~kkh1{am|xKHq;>bZKye3LQ0U)S6Kb?*SMxgF^8HWzYRA4cH?xK8se-f2u>s6Lk;gU4FB!H@^+QMr z{ts>zsD*)iXfPo}&6yvPfv}eP%9T7q=m#l+pw`+>zv}+Q1vt+YWyMDvrmW{^6oq#i zJ?LUG_$whSaq+WafiRT1)8N_12rW*lVU!#v`ApHV6k|a}hFTifR-5G?dH33;^JPkv(!S`I7ko0q~UQBH0o* zO5 zP#3j-! zu`9h1BX#eEJJ$DT#+UcsEq$65cI>@HrnUf z7>9_#3Kf+TMwIru7$EC27;Igr?jE{3+h>K(V%|yQ<{`Vu>>&L?h_KnC_YeMF)9oo8RRa94i4V`#Y`DbA7hvTAEl_@oF^1N?9em|`ZswG zPl!$G1+r8^)two)n{zIJ38NsOC`UYR0OQYA`w0X_a=a4+ljVdycwb506Ml-$Jc3XacU~v0fBA^CLsxF zbe=n@2_HeqYQXK|=tG0wfTD4#JxB13dN|IDd-i>YrU=1Mi|h&(N!}7M)yXAzAciu; z%$p6w)6g&_?=RM=jPETRGd)S|wE56avowoG?64{VGb_!CfnFW!%VL_6dMd7|*RGXk z2C#8<8v#XB&hWw&wG2}enLJRFKA>%C);?MT)IzT~$lDD}i#d_O6j>jgoK+(}a332p zWq7BDncg_c(;E*ul;8odGRMe~p~M=b=4*+5;fX4;O*xnd&b6a^#6z6F#oqOm;nf|v zP=@XGEqc?u(X)m|JHl6Eg)QX*+ZvFZD&_Ic^c`cgkoRM;ruHLV#w`B?|9HFj;+E<( zPS5G##9fMfk%-#89P_!69a_mZ{P+A6+$1nJ-I$-Q&z7gLJDz5@vRUie$d|TmIdqVw z_bZeB2ajOi%yH{@=J>JNad61DbMT?#i0ZUja-31<_z*rniPyt zRC^a}IaL#UzT{EuRj{5XfXX*hBd1cTiB^5-MX(WA=e=VoR<5_R{ILP+-2Q8|n&PRr zu6VUyAiQo){wMdx-$F#^b9EM1*MD~eQJqi4x0bhZ(eefO$1_X$Vou;$#Pt|$VhAAC zk-fbd!7tU0f@8$Guib`UHxtbt6-^&yd8QD(S+`FiQEn}7VXozK@lQ}onOMyo^RY{f z8xq5&A`!qz!vf%>$haba^45i_ECMWFM4}L2sqJIXyynGJps(4bfy;+k-2Ihkct-IT zK{_;C?oJ4oNK;twQ{G!ng(;)6&#%R@mxPJ%Ip%M4$JUmAt!CbNyZP+kzxp6EO-hxc)Rqhj#smq^?i$AGJIy!@`HZ zub`c~nttgAUB70pklEFpL?k@^smwT$$6v%n<2=5T^>!7{%oJ)fGjiiZ;+@4aGuqzb znVH_*#q0odWxyJ*B264KA#nueaXPC+lf0yES)rzp7DJ?FnOq{S+o1aR`lDTG`>EAz zZuF**M7-9o)8wQvdvK_3oEaf+mCuG7n#9;fWy0V-*0k9uWM~wQViwNu`Rwg}9Pziy zC!J;W2>Rx)Y9iGunmGJ<1p8(pBGtRdIORmDS5ULvcN=XtO`iH2G1@W&s}F&6=wOv} zBGnhdh~=m6VEOmtr}TB|X!YNSNJOi*G228=_!cf28?A0r3tfqir_9WFYD0LV?cjVw z#g9vu55Q7$f-i<-6bxbO^~$|au*PeT#^!4wHfEv8a7J}=I2+UYrSL!8G&97F)_lfa zv1rUvl=v@9&n%qb@&B;Ge|d5$G5m}268*hRbdf7+Hw<4%L>Snz(GLTw<%+&$x#!TY z3o>MR5;zUGoOTgNhmHc135P763`Q&noWbHp5Ll<})YKGBzw3%NdyE{rTtP%48f;+x ziCl7wi^fKSjK8rZ=0u@~yvYd^iryOPwz&hNg`zj5Rhii)hDTAAMSEN96KA>}L4qvW zD>?x02>7g%0m&@d+5b$6+*-AzGZ?YL)3=7iVeZ&y;pv;xs&cXMRLval zf%)WsN2luhBB`1)ABbxNhJJ#KMqubl=BWYbCyfS`20%X^qaFi*eio!d18CAYb0L8d zL(h+~@O#jczD|vvUne4go*!YhW{{ES`FmV67Cq0|-{(pRFU#y-K%wBjhPq{L;Ao-X z57Me+u~F~^{;*jc$%(iVBsn_z2YVv82-M_l+Q<1kMZ}_G?WfzI2*AB?lMlGtj6%_X zcstQ7$V|Wm;56V&z)p}34a7GloCz>XX2bw`D=P&6ypW+aqQeKr@3gX-kl84jhb+T6F{2fBwM5Fq)^CuNsz-y}^NO8am%U=0!Y(IT~q zgl(PH8VxN@Qi%mYi)M`S3~AfLARQVl_M}D&chojK)K~>Q$s2vG>)7ly5)ocSL;?{` zFxy0kP~@TuhX`*^TeZ1w!z02o6e2X*$y1R=yDtJv56&^d8{hGEBU;E+aRQBNcY2#D9oK2ts&j_)2h*IC&Q!VoeJCNW&5OSt#mb`#7lW& zSL8bDwZm|az)tH7A3Il26EyI=h<;iS@H`)!1{_pPfOKf^yeuhrk^n{wJml$>1SQZX77+Fx{rtiiawdyn*m3ToSwu*7aB$BQqloYlt~qe-W?K!xl^NsqIacL zquEY|M^Uw@US1iS6h}qzzL}@WWe4ONfuZwcI3oXCCAex1_K?x4(yS4jiqVlF1$_xf zhepwz2~kvvV8n3LW$E{1q4afX{Cph|3H)p@TQk&1{H$`(Sp2+YfL(<%GeT*Lu}$$^ zAqfSyDUPYCJrwWtq4$San8hWxC{n$KEsEi0nE`FI(Eit1G-fFVjLs~a;n8009;7?J z6X(oSxG&PHOnCsF5h(w+WP}3cR}e=H*o`l|qW%-5sCjqOl0SJ>mi>Qiy(6z6Yj>%BmcA3$?rNm~XUi z`Zx=HH;qzz6t&o>c+el~t9K8QW2666LSKYbmwOD!KLRbUBSR8sslD2uVdm3~mX-!H zpBAGx17_X^(xEXk>E#|u$fGvLa5Zb72RZ3$9ZbyrBIg#45s}D^uVA)`(v;m?G!{Ac z;X;ogo(%CobyzkEZ|flunL9gLS!gA#dd>DTd=~mFA8+w8Ok$u#S%I)ekK+pLuYl2GXH1HtF&g^?$_D(qCfH z16R+hlP)G(OA5__2vb7NXbLqg=45N_!A+qnFTOf z82ra+Rle95e4mcN>gB97XsoC_TqaDOk3?dXVgor8;h@z;p!2uMx&%6J2-KlD?sttA zm6Yd`kI{M98(U66>V?$af2Y$3=cDflrxApL78_F4NgMGnVA7Q|F5P$X zK%KN1h-(B=-bzLzka8vSWUqP6(j`lm(Ergxvs=rz8!amhRNfq;Cj(U81Ja?PGU<^U zA&L=$$QxMrJu?RMwT>HR*N`&?1tJm|?9-X8If0WI?6q7p794LLXf=&>wit_P4~7I3 zTufVwYpd|GL~BM|sRQw9jwJl&MIi=eS;?g|s@1TR7H(7$t&PfUPp4QkW+?_N&Mcha zCoyhQ3AB9aH8I|c@&fTsN1P2(t90J$J*ino!2bKmA_eTPmVC8z>4QdlO@sIEi_w$; z?>_?4q47TH9UqQ%JHK-G!q*fLFHVs?i{yJ#s7IRB&l{~iP0(n^ zDAW)%9s%jlLF1}~^V4Bjj94=M0ILDe8GIFhzD^x8UPDA8X4IH%B6mH(MPp;eJ`dW% zk78oJx>U|3*ke=FW~*zW%Fe)w|ee zJRiWwf{kZI-FflwYbrbrPzprm$1>>&L6HK`r{m+t$LW3NIX5Dyzjtw(5&_x&gDg-$ z_GW^qK;t#ge!^&}X+Zl=WAttS?Y{=;(4c)y3eXNpW5i(lldK59_Ezy4Jzh(f=Bd4q ztC;|mPmSl_A|iq3f5P>dAx@@Wf5b&&@%$HjJhy7jDeIO)@P;T?cpZ#M9rZp)#E zm+>la!^xEjB_}W5uEi7Tc-dF>n4WGX7XHh*w0tRFyRFwMcv2ouLpMwOEHRE0;3g2U z^N$|c&D?eG{vCdB__=D6iZsif6jYvB4Wkulev;Pk7CX|YH^B&U{g;kYMH!zeW`0QR zNm-D(B0|UxGA$88HU#R>u;VhL`K1XTmx9xP6Gc~obm;JrbWci95+fEmwzCrY%oWj( zspG^gL?q&b#mvnBCF8_4E*cvr?)KsYg#q7jtOc1ax*&$P<^;z=f*D}OC>LU3mXe$? zqIw6PF$%ZZ4347}IgYaA%t8*BqFFe@&lm*<25id7?>h4#$-7JqSA#f>$eoPARfQqy ziHH|nvSAS~cvV4g*ZkzQMk7xXEM66(Kf_q#S3o*+ut>A2AjL3Zk>VFw0~{&X+V0a= z73jy*k>a&s#$7bO~G~@tLn6h^*pA5lz3@A)o9jpj_dj<{z9`=N&Dj=5t@ZDTG0ElwCXq8*YMD*_P7`AN+B`wQegqS z5o^QhCaM8=Mj-C{$Y2EGt{{#Y;J)8zOKAZ2Ju#Xw0PcSU>Ck|i^d>46z=+}PyIA(X z+u-&b`Z_h%{uvPoto?OnYlat@=e&c9#$xSF1D%c{l`Y2MsIP|P6U@BV%*=?2*`pxb zuUN|4X4S|w@%AxCZCTF z(e*`qwRtl{kvyOTTewf0=nGhM`MfQD9M}}9M+*t(Qz>mc8dOM{kZ>+I4Y-h-0qM{o zA?fDLuq;L_I&5Jz^h5{xTGzALn`9e5jLh<+7bBszJj8RA51%p&Fw> zL$>%3NQZ`oq|0`i7)A^gN~{5(!dPZpZd29A>GZR%YO@DPba*)t33Mnh`$XuF^RxxJH509Pdb+=NA*P>8X zqNVBe6LoQ3YTgm!=ueQ@2z*=)ei|@-(r8d=a;A^RsK)?|p9SgAz?k&nJnH|5A>zka z^o)qorUF|T=;zdk_;n%@i1-m^Z-yF~FZ~`DjYY(ik3iiv_{%3us_^q)L!vNuYP9h4 z2Wi!~*!WrSPm$jy#NMN zQC;n3-;!DB(}_r6@Ht$S8LlJ-pUp*MG5GO*+sTx^)OIrL77Of8b~%rwujpV4Z$!hE zGVC*RTlFSRvE)mIg44wIvC2F)lT|SRg)gxujVPK<)yC)qr&A=Mzw-3+)Fc%%4u@1{ zR>Ek-j6-S7&TQAi=iH58%upv_(*d}m6VZeJKF&vJIe^f5X|5F+J=BaRJBs2ocncyj z_6N!6M8>`;RF4)+o@+GCG}-&<7)2Yh_m_fn=wOm`#xpF75sN4-Rs%;AWmt$Q!X5(= zg^H$*D6c0X5m6rCs?1;}BT9{n#zvH5`|FJowjXHA4RnlAT!4az(X3akX}i^GPS2>$ z;TDt{2ZoYMCnVbyhtEEiTCSCM+?-R(boIqEgY)?>$<{`fsl2Y-B9WU(C1%WF& zXZE%w!V!Om7|5wb)oQJV4~J?9N>um3)s6X`)cvj#o^6&(Y#(4b2N~!^4NmwmkZMl2 zg6rw5YdQtzbfbc;+^z0o{5y_y*Se3DZ(O-#NqPHn{O2ZoDn3%a8UJ*~v>uL_XOSWB z^5rE74NfHhVH+~XIGMYBmdrwU+Hb_D6_WNgfC^7DS1^1K&4q&~1-qWi=q+9SL z5^JO)l=3uZ#NH6KCfQ3lRHYG4`vVfbaN09_Ytx+fhg5JuMq~dcM#%=>U4Bl$cbC^^ z%iW;sJ{s@3dlOzA5Fw5c^YrhsCJ-uCXV@0?#R2+F*SFczq${5d{YY2-R*aT4SN;YU zjSHH|mkuvMD@?=vo~q4#8y-a-(oiI4SF*yg>}sQu3Pr-CG9edyWJ*4Pp<=a;jlK;8 zv{KZKtvb4dIi^6DFlpo*&+TLnKDvZSG<3O>3N8q`+!~{N1G?M`QY|xBY;@@n$B3cJ zjjRcv%Xt}B*eH)0g@t+sszVMD=tf|6O9?qeA`;od^;}{9q)_wweOxpSays)j%6-C> zI<#fYIz{_r3Coi80_JCsh93}V_^F~(v&gAwsz%G{Ight3z4thRSaawAA+r5>EN}A0 zWG*14d2&U&R&uNUM9lO6;S5*RU< ze-jHIFyDI+gnmj5=pQ8_0qDQXtj%a6CthC1MPmUS%chO2bZejLB9R{H(_%<#J zq?6%uO}kO_k$4bN1)-k{iNf5e(Spz?(yDQ>AyjR!gGXW>E%{JhmKQJ@F?3f)MF!>^ zfujFL#v@R4wdAYe=#P!2l?F%uHAYbe99{F21;Ejy&mnj+7%?RMK8qhn8a(1bU#CXV zbDxBSd4zWFGh>#8Fi--mLzeMyW~`O zB4f7RD)KfI(yW;B2;QIS-GoFpB%N}A{BrM$|2>u_ol3z+{-38Nsd)0Tkm}4z7_E5n z;jO@sI=!O1i@G$8(2ARQX;A^fSn2w$pVD34bX zJ(ekhFetOd4xjp0!-!n3(LfS=UenGZ;av}p(i;KYVL?%7kzv+oooOP&{V}>WM1~4ThmH(MAM5Fr#)ypvp2Lbja5y7#j7-wo1rrzy zP@&YJ;`u}*LdCPVl0=?;4;PIa3?$!q_lmStFE*&;L!c761}3Fvhp77|m-jDjtr4l_ z`$_!*Q_dD%6l$x6D<7n?3zBiZFGk%4T=@t{hsKq3vqE8sj2O1Oo0ZX%c+%Ipw#^ zGzzltMAMZ+HYEa5R&DhmMNU`BIy5L*LuD2ON>+f=fP>dFK{_;)q?@kvBr#$TvV@fY z2)QVjo_I#7Y%-9r5SeZTW;c`&b1@MKi21+C{rq1OK}@Ir*s}iyg`dvYc9H8>W7}&& zN--n&Xw7O~$#!h+u^ih9gECv}@PVTiN(i+*;^}f2Md*c(M2lPZEJpniF(XSxC(_U} zM2J)k*20Euw9Pal+xucPZOA}RfOP1vadoOWPfZvj7CD~HdO+leS?Hp2sYAu{h)9Hr zd%2!Oo_&~$#$}_OR^Mq*5#+V=9B~oCS8sT^OZ^a<1O3@lu7boXL+UUKcC>=TFQzr6 z#SRh=_66xIE(geJvzjRf9KQLvVMcvtFj_y0wnPM!50in4fMSIMO1LvxfcagcU8e~! zzY}96h5++NARRiu+%jN*=@HI|1)Sezz4Xj>(ATNs%l{-I5ntZJY|StzGsoZLqH*yh z`P}K>rLB6g@krf$AU&^%qmOCVVj4{3C9CnvFn5N5XP8PO0A<~IKA^1EyQP801}d^3 zlNxKmX~0R1Cxdio@VGo3c(ABPZ9RS^>i|GuT5_R6y2{P2C1)^p5Rrh5Wn4)j*!W2z z*yy~WZ(2$h!->=s51I=1(h^hpmF(Kvuge7{#FccUU-8j)-Fl8z`12~gWisslrHhD& z3)Wt1F79Biio(Aq#43??cuGg z%287$x6w@cCbpHIW*Z{nPo4}?B(&#=_!Hd$Eglt&Hk>AzosF>wLo(X{>Co|Lf2w%Y zM=&Fn$llL7=}Bbi>(mkHMMNYb(lKUhhC7+a9_6A7m&m?4ZPkm7JJ0rgegKqFBwiA0 zIz^yP7Av~MfTl3z`v%`DJnOV;BoPS+Ud0@ zujD0flI(paUR}Dtu)Xk&h=AY{S)oXJw?x;f!SM;B$)*`8&&3#kApvfKbZ9tEdg($R zk&GBL=U5wn=8b`yB=x%^sYq%tei;!7FrMKm%or!Z_&zQg3&!{Duh(!TPAhOzWT{4P zd)U^j-O3fc>mzXyWWUQJX(D#6bP^}9X7pPmX9SwlE$;^xwi?Zw{!>V##kHMHtx~Jv zWa+MSoC?c1-B)-0OX4>MTgbkQ_N~|3t#N-xh`U+zZ>Q2*%hV*kntbV`#wy%UGZ>Fn zq1;Gc;|M4(S|g^4`*lUy`5 z0+};?ZxzBgW>CX{HRlJrXKv_df$U23-849d>3h#o2-TQ%KRn2)Yu6YtMTpJvfPfc# z(+vlD$mL9T>Qs8$jdW)tK~kYRo-AL;`a!VYX%{liAaDE*guue?c=aj*aBrUz-pYVXE8WX@iB^ zo<;INPdK&c24Y+*@5pP2u_J@`;ov1JzBC_$1@#;@7gmh0WlrsFp1HE{zy zF|baRaD5xz&qjovl&rwHil^&Q7qx-L9K6#5r0q(J?w=Pmi9retJ^ZTt*`tx|pNe#L z$f(TbFz0kby4n~Z+X<)U%XFZpKY52dYov2mvCPq6!jHEZWi;0?fhwpg#9NbltV za)B|#DB|i#HLt!%bw}XK7sw1`RvlfdhAv;E!V5C5@s}}rH=xVkfplneNt#vn5y^;Q z%jZ}dj4foEI=0YHy2{P|CucK$NJIi#o?zCAu;tIVXdJe5GIz@a0MBP*{#^K`#lDHR zIw)He8MU9PCMQt2--Zi<-8Oe%v~s^O^gZD$hftZ>CWfEoI2nP-ZF((z05E1cEz`q3 zc&Fypo4nVg;WS;!Eo*V_SSwfNY^}Ge9~t z6eoShIxLG3!{A9)1J5&4e&^XGcAqG#3~W0gg4D=-HxUVBzKkn01DnkHGF&tkna{gE zpJz}OPQhsC(vyjuryv(yC^$5%_d30;^-l=}}nG3MA&~rQ=y1dQV^y z%e%HQB1eAC;E*gi&$w%S8m$vG~#vAqg zgYR`XfjGn+Z|R(ByQ7Bsd4+gL?m$gF=lNBJc-*c<)X2;oqVZET6l5- zh1h=->bAK9qlMTXO{=oSM(h{$X4ib4&TZjVrfj~HYh@dCw>2Pe_hn_o?}*vnzKqht zcwbhLX#Nc{R)OXh`Doskg$C;XWVG@$p#BdrHe&$wAAoddP`@oLsP`Aoh|QaPjWrXA z?etS>Y+rk!kL_QHQ92~)ZT0^fE*gvN2lSkrd|FJJV3lmvv6}6gWf!okQC;aaGZWI| z%#4N2!*u_elUL{drc$!iTx1({SDQ^NU%GP168{|ESrHB3Au{B>DbzHL=~F{Y&C%r& z)QIzZ)Dk|=w@&Y(3R&Tnno)VQLe{w~8?zW?mLV+BES%vdgq+@xCHJtWp41g|A{fcl zKk-$>%HQ1!Uv0#U&%I>6BHpOo7ots?ksmc0d79vIPmFdA!DSYtLkE}CyDy|HMl6yX zVl@ESHuCP;2?@jc`W_Y0(bDW@0)xseA`+v816)NSKfaxd#zvHF*H=n-ViWT_)^wp= z%T3SN`8*v)#d#9#WcZjWrkU`gq3#r)@R9$_UTzVd@+x8=JY~JAH=~QJ8>%DNdEHG` zH|BRz7rIXIsrPk@m*Rgr?xUe-Sw@IoVvz(H=tT{F@@9}~ezJn=>8zu}>!;~yrBbW= z82^s-#aj2V@{Nc|HX?u>?G0dl@uBLEaLzv`JqYJK(;qhZwP`T$ zIVz~-fI$z_U33*(v_4zz>!F{C(YL`v{|2O*hc2gTf)4swv+oj-@b6D@EkS$H5n1!^KjEUW@$3S*f6#9(-H{Tpp*yym z8aS-HDA-AJb4P37unc`qxRNXsWVV3e0r*q|0P+#l)Z+#|8XE*&VuX7F*>;X+@j08T z)ZKQ|i9q5*3*C?i1fC$v69~LfAuzR4L*GfGd8R?%@fc+r(DxdU4voH7rbb^D#fTyA zC9DM??*$(6QZJ=d!YDnP)Nz<-QseOLL?m!{JJ)FjHaS0FanV>D-s<5nHNFo98_OvC zy+71Bb2CQ^e~+bA%wprOzN_+qb_vJ*v$z^EpG}c`>SO|ckKl-B7W8lmT6;F+|Zzm#wwa?}1%pfMQcAksIV(o4Fi*{|!u}THYZnx^>kCt1kw<~!( z0FCQB@>U(^fB61Z*TVTmKR0&$>qNwakAK{80XZrh|4>M9W)X}Qj(;Gn(ia=Y=lt}w z=f0oBfZ9VT(3}%%c@n4h5{!Enr{V}O{}S1o0Q1c~P1W%H%SO9QgXe!8qh$l0|076; z#`9|uCeXdo7%@oyJSze@^!f~2BOkia6J{!q8pQvNhy;j#jw>)Dm;~`BxM(bhZ$B)q zX!5~XT%d%hd0fpb?s4+rIZ;^!yk~3=cGleN(E{EL=zGEm456sS23{TiPCDY+&lHI3 zkqD?QlqwFddG_M0ddtAYggW(@#K$1 zT9-lsHH&7n(7KS;7#16??^D^T)5>!=MZDtWMsjT*=xIwbPtBZi| zUm^<=@VzNikA~r|GTLDp4FAO#tr{@=jUXKw!;|h$3Cm){fc$Y*1Au&WhV4&Bar!Ma zivJc72^4=B^EN}3MDZ7M(O49(-a~-wBecJ3QRKsNcS&dq;S5bQV=g3*yHM@gyv6=% z34blr+qkEcE;6MnNpZu|41dqtqqU7L+lZ9z%v&KSE3=94V{AOn5P)!>bv2dUK6d<5f(~+ ztD^=40K#0s@C(UmCk??qkGhk;N3Tfa0>=39als-YsB0s!;cAM&j|(pL@ncLiN;82A zslbBl&DjP{rjfJ(H!cIIh8u(J%}G2G^MyQWd+eUV8sL%GxHLCChSSfws?8oGUGzF4 z5-z%h*(Y+*v$$w%41eljhn_6b?*7L5LqQC+9Jf`%bMW=1Ke9?#T8)&R8S1dP>7zAL zI+#{jW@{K8Pqm>-(Z-z)Ri|2S&L z!;wsODqJ)cNiR9vPQa97=4BIrl;0H%0&s; z22OUBKR^tHtDM)rL4h&M?}XYAl#lK@G=`zR_T4A^+bp#p13jHJ_|6}IRP&t`Tu*SL zaDtuu=l1XOsAU~wI_+6=_>jrO6Qp6`0>2icAuZn*E?}-;`1sUTvBN(Wojh{*BwoI6 zH|Jcw?>A40OpP~J(AH6$2q~S$hsnvw$X!g@V8G`&P%|RJ*LO+$!Y8B0gWsb93o;n^ zc8q!r4)}jTsyW~y4+eZ8kD6P4gEauC-<}yKW5gxDnkjmg$c7l$zC?7o4Ve8-I`*cg z`i}kgF`CyL`)gb@Hnv@Rx6^7jYjn*J-BnPk*K8z?xDm8vmumEqkZqkR)-k0gCh~Xy z(Q_s6a7@&gVmtM;uZ!q0hB`W0V+sp>H;wRnRBN`K;W7J}K4xPgE$IgTRy}~x6V`D| z&d}o<0PNl&#WjOg5rMzAlkEunUDm2=+1H&$qtY{xOC_Fjei25@;n2{}~Bai``mC*PjkiAxDevtpOx z&O#H{m!GOPPfX?OId{sfx0^XDpUll~x~=KG zmrq}-)w8cF6Pg=Y^1$280&gd*acNch91NAx;lu195?zZ#B+{nqxt9Kkt>%LJxM(c8 zP9CVAbbzh3{1n!-bGC~o-a=C{^nlwe-?y%oxzmy<1buEu1m@0+7J|;FRiD{DhDXpN z8oXtlYNM5WMy6F41Rk0qsm(hlOS!1SP&Y0_H4%vVcCsabsB66TXt??gqp79A)wjkd z&VZ}$0qM}VI%Ni?TMiwpH>-AK(ig&rq3fGi{y^7tnQ_m~bX=w1Q{(DKiAdn;FEf8L z6v-Kx*KyHUTz#g%)&5XQi+}X1+i-HFLdnTX_u)0@db@=Tw=qxYt&2El&pG})_#$vt z==`~mAk88fEp&b&tr09XI;#gE;n)27aucz*UX}N6q)2%qsQb>MtLy0(rPc@-|2Hx^ z0pn*!)~R9okBtVJ2GjpFM%@NXUvtR7%cAPVMiaFXE3m;y;Cc~B$ zn2Dqxbsd}iLyncJL?m*$o0+*efsr}gel8m4`<)B1UqOtH#d%0R9!YwkG>tsN&(RW; zR5{lRLmf3Yd9-q_=ciSY*$Rdq5g*WTtma~)e>DwK3JQUiMIr_svNK<2N;=*$3_9{}mlkhv>4WJ)QF*l74|tN_5~^2||v6inZzM$C^B zkwDD1FkdtLNW^?27mY>C$M5khk;l4orISt#1KK=hifH^xD>`ngS(2dJ^@LOoTezKOg-6Y|*lkSsf}qi?=P>u{ zL-Ws5lT-}&tB~rh|aVra;}EGguZ07eY$f5fr}+K**mS8P@~=+n=- zlFiN`)8q@tG6d-VON?r@A@cv>qOqWV<$hj8!X@JRRU+Cd5<&m8-D)+bXS^P1M{F)m zLatf)AqfYhRmG(5SGR+7Woai=? zYEHC*>q)&UZH?c*5pxkTf!^C?!-kQ_GmeqIg=g%F(N~XWm@625Z1Q|RbhI0JdbDwYhJ@1CV+p^Q7G@@upV0A`Ztnz=-4rtgo#u1X!6Kcfj&bfAb}>DOaq!fr@{*YG=CPOa|6(P5u`sgpy?x$5d)e} zu{HoS!DT7>T35H(?#9OETspR7+|^)#knpk14nNNyO*urRd7Le6DzF?yKkGU+`-SxR8;D5w{8nb4$mh@DqH#Xo*(0}ZVw^2*GxG0- z|-Du8f23$U@0k#7}TC(1psO{WscFc6xj4d1{c6vDw7&-{}T}jylrtEW@wV*wg@;_alTykpI2!NADG{@P4y_nr3&G}%Pnoc3@dqP4mcSi=DZ?5x&@SACckOHmD zMW3`Djo4cL5!zxp9okuut5@9a9m^>1{2?`bYx(<36YOf|Z0*p6RjJqJTJ~(k>Du9; z_&*CC--+O%7cG{HC#cGAiQ?nSQ8OoSWg)$TrbZKChA6fcpCPD<6|%Z8O{VnD(vH=9X+DRYCK28i#O$OLSvmZII5S^{$5?Hm$0;X8jpyrmmgt)&3XL2 zsaB_>aAc73E5eF>+^ns|^~G%mi{}SA)7d6cyq)S$%+9$6{=dds$RW|~co_{ZqSv%*{=vs5U zhJrt6z7z)ps}20IPE?Zx?-TfQO#az!R`Az`Rz1g$+0(CXmv0^FoLQ*XTeUi-TFDh(sFhqo2yr=q!RGkD!y?l4u6xSE5`6f2P^{ZMRk(E z|6+X;ho73QY{fb0RNxq$v7%k^|6JMG?3^w^P&l~ScD+I?J1g_fY}s4?QG6Y;Myx@;nr`g1NBI3fdCWK5) z&9%CnP1v4}1$m9jO6CHS3H=gcQMPu#x;F~Gstq3XdBGn-#GNy!4=w~%gorBWQ@69B zf}8Ez*c}gv=kfP4r`GM9C2qCP=A8zN1J&RZ8RW1Eeo{a;A(2u(D^6l}i>o>t30bo0 ztIo0#ENVl(U2SB2tAk+qixLd3S+fCI2Robi8-K5j`l{hN?R-6Zx=QwR23`QHyG~Z8 zWGlh5+b2tW%8hv8qB)lk4IPoKT}Y_%Hh^wbo-b|)M2tzx}4S#QowbvtKMNp1j2Vzr9yQklQ ztlJ<9d8~7WJCBpXr?bV%0AGBU%L?0S^T&76AK?Wa41B( zEr%;k>>Ly?{0&lO5rXB45Jvsl=1Tk~i_(Q)YY$g}a*lzjqcuIy5U7JleJBR6|9aVC|!PNg6) z?Xk{sr*^Un-0!RraN-aMo`E2OCs|;4EgW~nUPdyU&1e)%tHoPzU}gok`@C-F%)qy_ zCd6NZTfzGy(^O!X*JJlZZ^NM)!3M8|83HYixbH^=aaTerh+o$a-*{04k#cQ)u2Dw>%E76!#vw&hn!e&rm0B?MS@#2-?E z8}O_s&%u*lu^=}PlzBA??dso%a?m+^qB>iz_-?~RpA`DiFTGahm??92xu@Jo>YvkD z>$Qbhof)VVv8vgk;CObp2KftKJ_Y>da04fN46iaGC9DXWMz~+SUw;2;D7QQb3EVN} zzNC9MAO-Us04JEH3nvm4`)C~adY%6@`@y>i{frae3P F{{XY)>9zm> literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.doctree new file mode 100644 index 0000000000000000000000000000000000000000..655253e12744997d5147beb0bc843faac7d1b9c7 GIT binary patch literal 130888 zcmeHw3z!^7b*}Z6R&Uu74@su6u{DxcyOuE67RF%94~&p7mJLp{@@(%+&rXkKy2sN! z+Fjf71M{##gE0(XASCxDToNt;LUJz&m;@5S<%YnQ1i~vk0)}u22}wu@GF?!xvkfKsIo7IkC^^W(v4Vc_Do6ZE!zsfNx zu4!9A_WFwY%KEC~y;6ORx572urXjuZ_F9Hp(VG(;W42>B4rH8|ZBLvqI+oF#xL)tV zBi*{`>gx{ClO7fX(R=#4()e)_08Uza?s)WGH)gC=Mist)3l7< zk?xG{jp?r2F=x6i$Oq-I%&a=t_f?gq?l|xeeqUkfE%w{$YPT)^n9(aIIz|oCbiGxs zK8vq<^^NuI^>y_f^=0*)-uEV3mOELQyu~p(&g3muUvl}gCvP&^wqv?>$26SDS<|g| zXZC`a%$bgk!rfczKrwT6=fotm-kD^ro-FHK*LJ$Cmfl$i{ZSU;EzhM&xijnfd6;F z|GQDxFkUDP5M&94$+Tuck-W?LR75M$sA#68DVn!Cwd&MY9&vkmw|-H5uNb={^>aZ( zpgYUKb}D_nDZ!f!_@?ZbFz{}-6W0B{#+UZ!omppGtJo(GXfw9m9M|^jIWdP1ca!d8 zi5saz-Lh<#ltHT2+kfne^Ifow1KKVU!>%jGwJZDi(G;p8eDJ5Tu+xr7)5&&YwgY$p_FnW zZ_RwGd4T!>K-31vFghoV9_GCP@?OhL>cg2#is{Xyu$f7)8LskuLpIS~IDj??%4yAN zc1@*q{eag01WjZK>C`$l&VbAa89o}f%6za{OD{H7L(SB_16Q3iJRnca2Wd1kjR1|J1<-%I(Ov_@D?m`wGe)q})uEL5s_F+W=&@J96SBdwg-g zZ=(CZJh=Pb61(4~-U0o5D=8F>A3{+%IugqfVf@%IP z@Qu*2hnb%Nn!P3fJ}#s82d|dFE5C*GyJ+Aa4{l)nkv@#U=6!Um4s3qZ~Az+Gqq9dil+j}e}LP8n{G zSL3aPM^4+Qm^HJ~JMFCj*kq1I&)crRGer4?1B{uDAi(?tdi^8t%EA;eaF`dPg{yte z!8x4PDCHVL-s z_j_Yy*RGTSVO^)!xET}N|EeB%^7xdeK~*_e-^tns?R`Fu4p}{;)rxJo@+3!|rK~~h zp6%%Ex@0!DwxOPbcB_rk0L`r%n$KPuOiwiC9%x;3Ou_erR9f3ME!WYiMh#{XRZVw- z9L~hp&2`i9Gu7eMjA2+>yJLgf4{2u>v}5~@mnX)qH&4QIR-U7`+TfRK2U@yYKQKLo zKW1uo&YvoqZj{yc1_o@{(CkN9+xzo?B|R?SkuVz?7(FfNKP^V#z^Rj^pMV@REH} zS&c|p0>N-XxesU~I^|gbHJH^NzTOWg3tlEExAzWtW~P{?DPE0mo`=qOqmG^3-az?z ztHDdRnMKssx9N2}9*^Osbm%x})rs2wT{kZMsk@!9@Zq(ck8KNC}_ z@=4A5^-P_Aao%txm^vyii6A3pj;eASc4Mda?|s?|7JrNn2x$BoZwzg=Jkzu*CuGb0 z;)$uN&Dl~ZVuV}=c8_cFn+9+jXP(`dZMXJZ;G4SP>bF(3yZEa+&Bm#_Zo6~u6vV|U zckVlN=l)Ztv?*i0tznkgk|w_i6>sj9TG7~j+mvg!$D~rB(0!-m_CzvhtcKm%_}G}Q z&i`Ti$J84}`QtFkPSgjN=Li8=HSU6>-b$<6nlU=PBi@RpK4UcDmz9=12QF6cG@lJN z{(x+t@iF{y?x9s7U22r!X#j}J(QWaC&HfOE_j$}ufmIf_5;Pl!(aiAtO4o)f{X@CZ z=SWI{D#*1}yU72wfxj}v+#k4OH=L3cBU2fH@V^Dk8m;ixhvg6w{s-sk;Pv=EByX>-OdD8;s#3(RL8!+0>xSivdREW6Xvo8Ylx zR1M^PLdim2-+4M?uf+7{#!Zmb3X)G@)GWnr-ru<%OOeu+c=C89B5 z_TA}I8x3u=r@j_$jTMAc$xkDdsMV6Y4%jks9o{sQL?6BPt!GxI!s?y}o0(u5GbDF4T@z>L34L^Mu{5jcZp=92h(A zX5DPU+73*)K;L1VXF)R@m_tzjN;_%lTE~F7V6|JpBz%U{vT;=oH5%66tl5e4#%{2* z8#{KzFmUqbpmzy6s_lQ4i_{IVpSV5`Xp3pA8 zeE;6dFTWhv_k~?B%KaB#eA&d<^!0|TvBf1cG|Y8H-F4f}fyv3axw(moGto6G6GpW= zdG{SCiTTNPcjg+qGC6Nr^)AdCE3GCJ)UMX9oGzCcL()PZqXB8+1al=?+=CSadDgTy z)p%aS#&Z|^=+1;lf{#{1BfArp8%tP}Zz4skwK=&o^eojOQ0i!U& z*+2V#an1(go5bcmJCs^?ZKQRBsl{8)0thk10q7dFZpZ9-moC!4Y2JU386XNwwTvg` zJU-xV1sG;#E2yJ!2iR;77C~Il{pH|>i?14Y!oTEUVu2T6-2sAQf&OHqaSGC5@S(8{ z(gc3ws>6m`w_z=x15fa`ppz<=IkY#~MF2E2LcySHkistjK%Y_`Vic z3ZIZ(_q@&0Uu77Q&~B7l-?Z(lv&P`Ra@n*@w_KLiW^-pkuaO_F!Uc40hj?Sv0(a20E^>KX#9e zT~)23D@{9Y_*2cbiRUZb4(?&$PgyBOwcNBFrwruZa!QaN%5Jxt3#FQcg~6||gF>rW z;9o#?2ZGB$^-!L1(&#K`!QKz81QBU)VY;vjhq^G~Z}}+qf)qJKewa4`jdw;+O^J&Fc#31N(QXVLd>3#;<5FFMqG^*jof>WOU|C#{hYB>^U+gqtmfFyaFaSLNSzqU%qa^ zBn3sv01oXICi2a0)j;u!!Po_;fCvcMUvYVnfx5*vJ9wS3P)%KL))uK5 zm{nGcIsjcK=sE`uq#Z^qC4Ui`={t}BYPdlNp$h{Z8#BSg7j33DkeLE{SIc75O5#_* zEsVibT&A&Yqz}>N5Rlh8c1s$1~Zd~ZtECJ$k%c#Jl*K}IY57tQ3pMstq-`36AD1)ua?0T=p*rg<#EB%qAj25BWbzDER55*wqP1f>LYm|Xrfq$ zk9IM+7G!S6^t`kM95+Vwtd#*fGs%y0egZR@(b28F>Qd78?BTeB? zqfH6?2B&mP)=o4ae~@EMpGlUhM>sFaw*?elhONa-vjPK*r43Yz!D^OgPle%>jx9nB zME0ac1u3K2DPBYdA$Z}G0d!!-<@<6RWtphk9l(Z|Q5q=M5XrIJQrn~UMG3}<8Kqxg z!?;~Rr?V<>l*|(B6#)`U0TZ?y@EdqM5FikuWli*HSi^zH_zvt)e=A1Y0xoZqwEF?MANx zJWW7V2c|(9xSbm8ae*Gp?++ff@F9tSc?gt}hbehfbIt@zoH4YLrR~vRm8id!yP=R$ zYw%mZd~DJIZQt0K82D5Z2ayeA47!Z23q($V5(!KfO7PRPn9yLHz=tPeZUY%Gazf^a zWhh8@(6(TX;)WOqJti9{eFlTMJ}rU6Hi(o^E0|X&lM^-;o4}rxsS%`V=%HNa@3;v% z$0$e8AP$!BiD=^vTSws=mV6Co#fKaaN-PQ{;shInl^2+kI&GUa9)bcP`Ql<7WX6_G z@S@;F3;Y~dv%xlCr%CT2D-0wOD|2<2l(6qXRnTSFmJN<9=x~H8Y3fYl5~RS7FVOie z*KPYm3IBojH}U-7_=5ad0uA3`Y#b|N5G>ckSclKeVcVEvcfc_Mvv9B_7CA?Jrp^h9 zT%Wk21Qtn?NZj!6LsYm2eD*M~1N?nL`~6ZtwG&H%G<((3z@2zyUvdM>^AjXAjrn%L zgrN-k-`s&^;!9Q@$QMAP(}hWJ4RnEz8O%K*S96eVs5%_`g@iN32DiFSbuSBHs$cFmMy1i?H zxs+j-VzrD|C;d&XIxfb*%&ewiybDu7K+5hmtLUl0Za9CvGNVo{$riF@?y^LVy^*!6iDj zq~^~!f^bgYGC+`qr~^L0LYsDhHW1HrZLV%Zv#D6$0T&XE^0{mKfk$Z)$m1_obrLkR zLQ%F5G=@Ss&}r8$8?CmxP}+lS$0!c;ixo0BpRcuir#6s3%SxgJ=Kwm@UceqXAU}N; zeG;gLSO}aJ*cBew4SKsoo8ZbqKn9gECTv3~Xez~mHW>XYRRIF<7sw)_iIR#UX)v6n z@S&d^+R|-92+@dT25_&!Q!6NaY)s`d&1acd-%1nfI}D&_w7$|YGyxEmWm`fP_{IeO zpa35C+QZQ~(0D9^ZC`+8rxnqVHD5Y_MRRwyV|UxqN;P|htF5bG%^~HI!)nMfXI5dK z&7m<|TzQDCGQ19cz%t4k;D^7AlC*dsmGtv{B~h1V?CL^nyO%+HD)z++5L%}{PiV#0 zyXydaIRIPF55USZ3+HQBD84l4{}e0ciC@x{(^J}1X^KAQnWFFY;NPh|Q~YDSDgSG| z$9ySy$4A;4wuA*E-K5BPQ<7TaBRF*U-Rw4Rwcmbe`S4@-df*aQ$y-j}kFYO2R<;*# zGkW= z7$%h!Of2v!cI15nGr^aTP}Of!RfAWxQU5-G$+tJ&M@bvM1wVYlWAGG4hQqn8-}%eO zIhQIHp?`>-8)%{OSC}XYzL)qv`64iB&JRc(QfQ7^HGc!gVSD4EZjO?T&%3`#HQwyLY=3mB8kv{TPkV!N?DoLoZeHjRkv5>UhEy2W2OfXQ(ON~!K zX~VJ5Q=p_pvd}KbIy?(Cz6xz3`e}R(eyiW#_&PT7g;^O#3~0eQodw*}LFT-b#uYec zLwM>gDG?@-l}K&SeE0X|n2A-fg{l||F*Z`tM3dih)zDiwd?HDcMX)StPeU7> z1U;ZFlJS$5dm(FP+PEI@0!YP4=zrFFRX{#PJZj}XO;HJYIzzU0D2vxIU9NCwRsKOXD`XmlH zL!%Y6rBc$NKgM^tc&?vF7*YiUeGal_hM;RRLlBNw;j~Il>mSgN0`4rwO}LWQ;0sx6 z)Yi#e)xX9}40(Q^3LXl19-*X3$m5m$4Z_pYHEVjBZ|WI(lkoJkv`u(=x__fEnH7FV zvf8gm6373Ih$A$6^j5Ma`5yApnk8jjvOFwFwM=-Z66>RH>n={)PpM{gqc=t*;493&vd<454m@=6VNA?93^{;y@ZC*J@r*ubm#!HhHNF6Qt&; zdoUB@savUnq44PzN}4oD8Ge!d^=YdfH8h$rfaBx|gw8;(S#s3_*vz}?7##Z_s0a+l z)(WF^B-HvKrpU#8{;h=JR-o3$AZupSI+P!3IfVx;dC>2pf$j64@v*EqYU|}5^k*>> zL#Fpou|px#uT#?ekm*}#t5)|dyVG`$giP>V9UXs_2Qc|%F;DapA&(6OUtWzq>4vZFb#0U< z+xa1bGgX}kGF%=Jxf=V6$a4^Rel}^fT3kHHz;sQm%-Q+s=LBE1yE*VeyF1WxK01P` zVz_4-b(49@%i!ck2`FZiTAOBGe_O&ZDm>&SWX()E2Qz!fAee$}1l#;P4QQWdjE_@O z%iWlXQOnDy*rCk*W=fjm8GHNFoj{7GnEEuan5+Ww-w+Xnx>E(@2ax|@S{)cQfr0tRPaU2#HipmsdzPNa?kI*lr(QDz{98)Nd=Tu zP{H3uM4|3fK?MO7d^fEQjG79>$7=kX@yt6ASvdpe0Ajk4cZD%Tuw_+11S?r}l0Bb; zFLQ}NZGw^(8G$+%vSy}&>#|Y-mrX$if(+KtnD)&F@Ug5kYWw7&ri(EXBY`zktQs#l z39O`~i6n6SA~w2DPqPsp#m@O_A`%Mi0`|s4)jk#VTjq-*MX1Hacg;WsWZyj&D$Ub|)QU=nMn6u(uXTn%2<}9ZnYi6R#JZB-v6f`AhYK}&hvCc^(7fPXp&o(2-mnt%iL2i!d7vp||Gf(%x#4tHJM ziGmCQGFSnEQw1@=>+;W+Wn(^SG7zUNu-oJ^N2aKlffOK4QOdWv7~r2o9c943f+~|R zf1gr+(_sGIgaK7x{&OH}X3WogiV_n|;q41=e>V+jAKc^P)Np?oGcmZokcw3!C5QX- zDQP0yU$>~B6b<+&Vp4iUK;f9w8aP!6ZrO0B*%2%t-ae}|BL%2s#UoN!t0E#5ZIl{M z3#JN~>Nb+AdI&=5s+Mf_h?F>~)W3)*J6Ey$QW;zIZT3|k=a7FRVmRz=Xc3IVR`CiY z7W+k|y`*8WhZ6={!D8=%teIIX^KlNoa0(t1Jl3N@1)$v&-r9Ry{#*(ZrDnC?#Y~LV z9->Nyf{E8r(nMC4+fIT`GtoAc{Xus{x}X3UQjWxWhVod`pzY z=z`sM9rKm0h;oT6`Boo86#tCc%cESPT8S(EMXBCtxZ(#1f%vn4#;fhBmq2|hioWDlew_C|_Oa}J;IV7)Zq zp=)u6>zkmtXsgv=T+m!VbLWxR)g#2`LrjC!lFdFJx;7-b)MjcbZnE*{#A|yz=eRa8t3k zVm8>DoV6H1DX))+NZr|jQUXeOZCc$>D_?d>5g|52ir^O9d}c2}aS8J$u{~k5jff$X z-$6}ggt9(VxkM))Qfhk|I{BXo!>^!|k3-hXbaFTkItfO#*fAjO82A7U?SQ!yzD!Li zpT|s$Qr<^}t5KGFqVJ)kiIj4aPbs0xy0u)UQ%_4MTQaS`i3ny9GpZj%icm|5¼ z#m}gstyY6{L4N`LeTT%Z9-)vPt0kK^{W;wkcB^SV^cNJDivEIJxi=z){>~c<(_c`z zWTVf(G*Z+fJbY>BPlJ+FTVWLRHvw6n81yGZRLrHsTxtgm?Ew12m$C+_t(woMo{yOr z{XK;W59?j@UTO{-+bC%|`U^&M1oRhEwq#m2M+CD7`kRUrp_US-Kdg80^cQXQFvD4V z@&ljzyoAKA9-)vPt0kMA{=_Fgb-h{3PB>V~z|f)ij zUAw4FfH>Zx*aP^{h#x?MDeJpy0LTYjfbW%qw0|Ar%xSDDIzVaQi3@AE&0cZ7|xL;{G8)XJ82Y zPh9?vk|t5y@CT^xf>x+P3Vl_dIm9w8(>3*`d54i5DMVQur}j+kIWebqW*y~rG?6Xe zCd4@1hfp0DPK}9bC5SqV333S|-HhOI^dS?F|j~qr>lkhvNIY$~0m{ z{ZyoL>Sh)$Yv8ipk#cAM9RVp$0M4({7?6J_YAFNxWl)iX z?(b6SZyE>mR}uzPf$qNvSu>-1<`aNXFa@j&SpOv&P=a-?!lBPm@O5ff|3l2gVEye> zyc#e0ob_Q!nh5JDkMq4@@y9<>RzU(^h=@Ynse%Lo68KzN9T+tUoDR0h!UwR`ve=B5 z-4Blx$jE^zn1VY|DlT1J;bF$9X&>(g2B0ex|g9G<5P< zf@&z}WX-x9=p=JIBPyhVS_HNHm zfrcMY(nOj$cF=B{h9jm7aI1+`u?7O->ZU| zOxMw>hEp-Ds&2Us+wzN_wwymiC6e7uVuz(kdi}B8_w`QoO7#`qmj1THnD^ya01pF* zR!cQJCsIS0<7CTT)n3?(-R~LEwSK+|a48g}iv1`|`&!5uoUo%%AOWa*)bo{s4s}VnTyrJ*7YA zXj&745qIElF^t&K-wX*W?!tr;8V$yZm4FrYOk*Ha%qOUY0xDhwStY1ghSh|T;(=tO zxGC$#>lir|h$9fkrSS#6TU8>}m*a-`PSzr|#dAn`7&9?Qxt+=m>t2+R_yp6Uq)E&_ z{OZQL(^jqSTXr<-NoZEln`Ne!daK>c2hE~o^4SfmfX{EnwU*Jc;bKNO>aJ$aC!k!k z#5_qKskYOpQP~xl-p5q zm`Tu#pBaR24>I&&23fV#@W7$(Z!r^tzCWT0hl0L8prlFA=Pg_VHfsS`G;J7aZN{kU zCrwy6v1@EjbJ(tSn}#-5H!Mh^S50eHo*>brNY~`vYqN%BbadB%snY_iz}&ddu~`Dl z+cGM3-7=k4@D=3a*aG3^{wy*uY7rNaz97=~Z)r7Bt@7C!QJnq4rsFv{^}Hay?6aFZ z=#n%O7rS=zuQJA6zi@p(WUF|E5_^^KZ7%Hf3@B-l)A{|7H8Xo03IiT}}}Zb38+2?bf{qydZi%_a}E zIsRAnFq@mRJ0}88SzKm82e(GVq3&2g2LT=2l2#AYik6)Y#4Yuf-ZH9Xy;_BTo3`VW zL8)3futR*g1Ic0`n6brY%swBAFE@5hbPwt|n-gt|&n7X;eM+N{BgIM4pHm51qL>%G z2C`;mmX~IY{tS>+K{SGB7HEw7hz1|0CYpC(CPp+TsaQ20bE0u5X(G}5!a$;7{sU|$ z>zKN0+7`@@U?B@;HnXryG_Ea}Mw8}4Gqzi&GyhR7*v!d@%LTI`N1HQ%zThW*=g&)9 zz~v&NSqtdviPR)PiXVs!oq7-oQVdA(eQ9-e)TDS{goD`GeYtTVFOE~-F&-8ihs!W3 z-Hv0#?t&0U&M<5pRg+@oQ(r>8W+b>iRJp``f2q{{G~D-v1Z7Zg-?t%aX70;;ddS7 z4C4Iq22SP7GuD6@*4l@9%vftfxV;i>JyWUdX=rOQVe}QW^<2oBnYNDPGiCF~wAc`i zN2R^#89zIV{^P`Q5e;(RoDCnR=BpQDCdOAKDpn1&oUbmRq=|erH;}K)7DRbqx@Ktp zQ2VjMB<|v~y~q@eKaFtL<5s`mu}Wl6)Z#68Ea0)}wAwgo9(z@kMr;cM1F)|&w;5SQ z6zR{(!h1I2Hm3LSt0*KliWNo1#wULPm7I~>W=?VPq2ReUL)OeZ z_mZ4=P7+fwMH5rBSJ3bR!)+=ZLksXXX@urym?$;h{W@l1e0LvJq6TEncXw0LB)%Jd zgW8AERy}HPI~4)9$Y~IH0ZF9TfiC;pVG9c zK@|A*H;^?mzTJ`!zC}e7gakH)IEceCPAGyIAAb%H`AF3Sd6%S5wMtv42oL3MZh8mSd`Oh zqgvgwv)`*D>=&G|lUuw(l<0HdP>aao+DYb6i(>L(W>I2nyy7(KIP>W@MVlaT-)oen zkS1L5>IB_TaNnCCYi91dF&}qch_wjJOLv&uPooR;m$0CW=~DCEuVE&}clS~~YCz@z zi&K;|k?-7r0ea@iH8)w1$B(t=B%G8W}Skd=%}0v7#1b#b_@jmi)HTjMA{=Hxl$p!IFOu zSu?Zbblxo4C$(bIC?<_xrP1z-f8pcQBze}RfF!@1phPeP{{ELQP|_rl96qYQ8Co&q z)*Dv!sBuvoqQULC1K*71=lxS@zUQC3P-#Q~a3rmX0k&tMb}(RDCksLXu}d*YE@7@` zCMbad#IAy@nL+GDIe{1rPT}TDZvG^VEC7~jQ4$l$iljDi9@9FCnV641PL-%#QSRgK zrld*m<-K*FkB{FrFh3tIzHQThOI|*{MQicDl%NFT^g)F5tL`{<1vm0k#aw~1!Iu|! z!WNbSyCf_J&iQT8=NTG&z~0nnnnv&)#S^%NVzw|F8CdlY6|;q4wopy0(Q1>)9vACI zcnIzqE1xhrmeI_O8l@r!&Ih9VcBDLc%~GTyW8+}2L!D;C$oK6?IV5&`y;AqnxcFXz zGAP*bZICrHJLa@+M;24z(+i*e0UF*upB^8lCdJ>tOpFv?NyVxWmy_blDQOZZ4)4?d zUfQZhjb5*bpqKR7qqv7WHz12IeITa2@(Iznm?^+FQJEOh?O;=Y_?}6i_btql%aq`+ z5_Cubdf$hvnL%$VpDDori52)K@b4=$(tY@ck7ZR-V+5ZR{0uWO{QD9WI~4wXo|5K= zf15TB9n)Y{tNWJSdwYd|m~N|Vcinc^b;@wbS=qGU*Bo4@xMCUN&F_Qb^XB)*9Gxd^ zSd7a)vR1`F-6b$$9O|}OagC8M?%9|&7mVAVpeG89dp=~%jB(jFEXIne05<_{6EwsC zZmUc4`_K;LBlGa3tVwDZ;1G8cW?~R`5fwfZ#FZ#%62y6*et|uwwRCGi;~=5w9RtD~ za8h0cqZM#O5krhp)u`#+rmOASt(i4#exC-1ggbcu*tDh1Yt?BAWX$guk6ZMZVj&hg zAp%p=S$u}Zrjpv62?t2bKp7=V+oQ!A;%+FW)EfA9T7yIXuwe(ZePri&F!|NldnMU_ zEi!8LHQq+obel#QkMxF*G%H5$jlJM3^Hp3R)Ea2a3X+dhUOQ5rdOR&my}f~rpkuE$ zMFlOD9BpaChFns^*pLJbqd%qWFVEDl3x^wOsXldcpOZl;{4QR;XuXn}*~=uBwX%YW zNLjS+!$3iC&p8-Eg$zM$GkluMFi^Nn7z8RK$2@q z$GConHb3M0)DF|PFcWi_K0@UW1r{Hoq=^pGMFSU#`Zj|FOE;WzC+p_`c(LU&%;S~t`#ky&I2UKuwqr{fUF%{n?{?H6=0b0a zZ;k|e4kpe8_Ur_eQNZ3Q$eJ1UGM`yHKvo6v3FJFLV+_c*A#|UI40@PERwy+vaL{`Y zGcnMsQx!vjo4 ze``T-s(=mvn*U)Fv!+qgwK!j(16M6La8FD0+LrA6IH+Vs*|?K0Ch8{+GaHnBlnsla z?q{LSGwOcwpe9M=eW}t!(vbHv6LdyF-d91^%;bG*)*#?OX%+M>=zEez8R&au2`xgN z2ji>M6n+#lF$y22qSYA9=LowgX%dAGAN;GPt$NgWcYm;$5NPF$UO53*-B-(X+dh#a zsD#R8Scf&lV4aBho#{r!;M@bKIDCo{-y8|$egPBb67zdif~F`?t_N8&qg>{g-vC(^ z7$-39WAV}0+!Obp}hp`wSvxVtE662^I@o47;dP;8H3ghm)) zvkil6dJ_2k!)FkV^oJweR(GIqqytC#chZixTA{MXy&jAqmTnF9U*^duRG{QG!$$4+NgyYQq#-NFcYJfFHwbRbmlJf z=P79-z3jNES|w&-AOR~#7)^>$iaL>?k+aVUcTe5Wf<^)w*#v?cG9JUmb<{NSP(MnG zldp255>Y6l6AEKal_?lA4#86YT8x<4ir9}8;J8RXq9(==$^q1QMkr^;G(;kmE0ore zhEy&~P!|QMTnAY*lS=0OSaE_XW+-BYatRGE5X+NGWD#T#vOUOi7EGL)RBpvgj8yhf zWooSEq%uKClSpOwxQv;$>QUpKxF$7FQCQ6xMOa2IRvDEMpM##+CdFXgYf)(!)@_Y# zjD&U%V%l6nGOtNc5(V156|!bVyUd@1#*3=JJArqvrXh}v$lxnkkJJdjBQo#7Obp## zK}8RRZue2rBy{t3-6Tb1xEZSgGDD{qj`T+(omMx$aHIoA`XgyaTdhvn<1wfE9cdr= zVN-hEvHob$N@5XPr1}8rj5IBVV7`NT&j{uz0~;lg%y*S`lE$U}c7oz4Namj)Yi5%9 zx!mG3Q5`5EHd4gq8#K(ZM1!wV6V39i0nvOdL4$zr{XG?bNl6ol20n;mdm%7D;}Z>- z=3YhgKUE$bXj3F=?phxd|$ypq@jJH8b@b z%a3~cbfF+0iF_`nfsQ2~d?n+r8YTEF=Qw6!vz%vB(duaekKsI%k|vVR@XN^DZidew zXy^7wx78geXeXc@EA4oz6)O8Y=k5LT9Ne`GpKrr?&Sm^cx!krLH}470z&ey96tlW9 zu%H~dXkZ<&=Y~9tw!tXrynvDh79lay+muF?hMC@+pk)eXdM9Mf%uF-6G1FkV6=66L zhI<2zcPv5StJDPbLCnMm>Om@6jqjYGJW85KP>1E&5n>CA!NCePoRrq-TAE&iZRFxm z`swM25=>9yDQtLxyipY&Jx-=9Rx-R#MPw8@xWPL+rUB%Mg1k3InkE(c*+`*k5&k|L z6#<{)VN2-i#splq(|Wa9W-XV#?H?1#B*S=C#4zfQ`R5LKTl!0jvA^eG0nBM#C+aQ9BD*S5M;J_H z<6G5U*o$508PNbFr@7}sQH!*`Ly%RnzU5Spw-%2ooyRNIO}BTN-ox6z)jQqzDiCYq z<|XjY*N|fGZ+snocw?fEMWjQDbf6yfpRN$quAz+OII0UXmi-CCEk)Rwv8XG^PQEc; zEe7A=<~VN*$_!C(@HB>nZ}0aCg5;xVSPT~2izCOdU`sH84VodL&dV`jE_8f%f`%yQ z*n_MRAS|V)qoOk!*&t{H zn=etwSCrNuJC!TJsYGlabCi27$2kW{uYv4UZde^lP4m783cbioWE)lRhRn3NP zwdo#ZM}xBjg2{;!oP)-~hQZMSIhH6ms2UNRS_B0L1stTO)tFIp(7nMlq3?*q?3mwI zBx53)+3*iW`w!g|_agUYA4!X1i0Cz_-i(Mg_ccP|qSq?TAPpCtPS6Vl7rh0tX6B;I z_agU;sh}f4N3W#e1v*++BIT!VL**F@CP>Xh@5W4wiC#_>s9~5h(LIzjk%`Vfs<+xr z>5xixd?l<>!Fl)W6wQERhDs~g!oD%toV z_eu2aZ!C;d7%8e1ZI*!ZqlVXIgOm5VNc@|!e*=7(<5 zh}w$UdtiQ9<4UZbIiY8hP{KMNZ2)&d8M>$|$i7M^xdnB&{JGpRT6QOgTj?CBG#*^- zpT`=)Hs~{PnwU@4EVcb}f*yNH05IQ5 z&?gCCzClS73HplQVsVXMeXN5Q4hMg_x@qCXNV+yxw;>onnxNUWxNVl%3K7BQbFrrb z4NoRY>}U~u4ua3yL2#;oM4w)$6)!vSh`lOs-&gsB(XouClLNAg!UoRmDuVMw>YS^N zVU=r9cNwd!mHI6CvezrMI}NQIOc-tjt-J)XW~P-xnJ0E)WC~u9c;$ICuzmA7d@SRl z+Il%{R4^0sORu0}!){CzO?mL=a!Q&+8^fPS>!z(*-M8$>)Ck}Kf`gfNgu8ag1s>O? z_Dt=;Ylpxe?hiY?B=@>wfaqZycLqdDU0cGRx8aL{?3xCD-kdO~3jBE|WX+5}S7*f^ zkPA>^{U`OE#cjiIyull2JOOq#Gk11e+ryPuUf{x1vi_(om7~xHF%v_f2dS2!P{^aC zNhst^9JWsyaG0M}orIm+72SagK|_~!(mRdawBZC>BGP6P4(g{OB2agxa8LsW^^RpX>tiTecT_(M~kb?Ke~+hksUT zb{cZ{hlHV4ki$NY<5L52_-=yM zNHf^Krlg7F@DfH2gZaS!)W>NX6|-i-{nN}^X@`T|bs-AUUceBD13`0r)(H4x1SJcK zIUi**&`XPY?FGdI6r+LQhKzwQ4H`AYh^vkPZ}BqnatAyWyTuO=$z$>nQ|!RFh`9IS z%r+;6i(ZI2&bVl6Y-1#1dXdr|(h$=N5)?#1OfQA3nTaX$y%+JKDkd^wUHlpv;=cF^ zK9(_6ZTWoWQpZee=5iGkt9JHz{NzeXnnX^+$4?g0R;}(^cE?$4oq-L-un#bM2nCDb zsC5iJkTPOFetenmmvgN)2A$r41JBTD1@%!vqhH2%1KBwZ8ofPXU=?WeZpfM$jjqk? zCgV61KCS!Whtt6P4-*De0rN|@=K%B9WQKW^OyOe+ zAM+n+L;>Z;N}$H1#d077U#G_Tb6}`B&VN5aVWdFF_b6#1&OhrQ1;*iAX8DtJn2P#= zaSVhU&|SB4VA}7I^f|{fhRH73P6_)Wxk%EM%}vo-VytpMX6JEAzco_nmqbbrvx{t* zxET{WHE=WL#ZZ(gV4yI~Dh+xT)B0rO+0sm>{?6!;iw zjp5^k$E~3;=-}XpGIZD$-#-Z}x|mo(qQO{^w2$-l1np5k#XXQ!f{MlM<9umW79Sw1 z0(S)Nv}lZh*Pp}>Gm99cO!Amk)+{wxa5Q=dGch!3P+ehtjE44kKxvkeCXxK`0i|C_ zTeZ4x*?~}8n|V_2n6!0VZ#TvC>MYipD{Z!$Cn%X!Px&orQv`VpG^Y1 z|BZ=r0lYs-&=LjUeHOAl{(v_?Rt4Y*!21}DabK_;AInOlwttRo-^NS~+kTIV9SYk% zOiA;@wtq=mwYqQFu}$nno^N-v;|3Js2g>=zlDLm*js^}}ewD_!Vo%u-Ak#9aNP?m5 z_$C(^dJ>eh$SK+dkTo+59n9)?pVvMmLO`rn5-g$eNicZpg|MLOcau2)=02umWFfEFHsxsbC8X z>UW4VFimRGcs*ufq+wDWYJBCB@fsyfB#lX0Sw%xP4GY#-;j2lEzV{Ib#NBb&1I9?5 zPte6XBSKJjhco9rc=Zw!!hcOGgcPW$PWo%ui0zHn!4K6J_ule~-E?|~mV$XSJeKD) zx7fjjz0#m2rPe8FJEkqkaObypJV623J-wWot0$ z9Z@wJGyWXr*j|4=%T;fpz@vFe-qQ9$&s$Mx>W&j$u<%yGmOYWVE9BK^I}vQ4XM%)@0{>-evrft>~Td!uFJXT7M9{1F1pmDH^5^>y`~N9yN> zI^*qSn6?*giGcIZ9XLa5?`(T7`OUX5^qDL+vz~}%KZ5eZ=L_7X2X49E~b2Cvg)tI|YuOO*7jF(N z@zy&=#kIPv@_fziw0iJlgX4D0cDZ7=S~z4--gfrHXd3jSj0ds74GW+#&|avHX9ymw z>lkgj(VpyL%6K8%(R+g>xmXid}_NJ#S6dt?j*RuVcdRJHju^MyCU}L9k=xIv`|h zYQ^n&8)2JuxRe!CO3&LFc@rt3v27;^a|0_^w8784Bm5$g+1rGDa6nLX5K$BQ)brLi z;cV|N?D7VQSK;rahSl@VX6JgBt414?1FA7e(ksD^YS2xPh*>SOLoRytmEHzKp0ar4 zEj2--)>pf&b~(^G5G*|~LE$=<4v==l+elA9x|V~(FCMiWqg%Dh^DWe;O>mQ*?HFY_ zCus@X1%A?WOs1b3;c{>X5f3`TTe-@&hWfa-4muMY(E)|7=gG=7vk9F83N!~GwhkuHf;;{WZ`$Q;XdCS^Ui=4!SRsL}!zVL3 zv>h$Odve`%+s=W>NqFo`v=`jEZB5vn*~y-_6;o0JASJ9w!7;aBZar@`Jl}i4#g~9Q zH*{*1Nb&eY6n~*#JXorZDht3fVH$3Y>HwRcth=oyRJI0~0j#JB2lgCV?d=4eY?TA^ z3_4JD+NdF?y-m&noQg1CuA8&s-?X`7<0i4ccQ@OsfVu-~+=JgbMh=Jd)0A zq4MGZh-8h+36el(S~IY!=(r2egt}qiEsR^?Vj}$neB+{##*%T!9iv%e zn0DG*W>_bCzzg1L1}6rB;3gm$xDx{u&xKE2VH+7L&Sq#7sFn+m3T0G{n$tVg^R|SZ z;<_U}hSF-mA4~Q@{ze0cQg_HvH>;Fr6{cXnml{6+zH9tF{-XnsHtvAbU2hGhK>ow@ zEX`?p|3J6?bbNvtfZVRAU)yjY2US9O8@rJBz4h{dVz8DV9(H6Ii)chob$88Fx4OHU zs%lANM~*qXY^ZD&Xf{g{9&v!Pfy9^vcFAV*01kPugoO}?$Jv|&2xp1O2H0$1HwiiW z{r6FItGcSXt9wQ^n=uDXSJl1${qO((_kY~Se;*rt=c-jBtLQ&(v(qxG&GQAlQfXQh z!|8bA6|3BC7)`hHj?V7abuM)B-h{26bF8*qHagxalqj3kdc`)Hozop}6BT!>b*CWe zuXBvDTeX^gb#v4lGuNH&jm3bunosS#lk|XP_Ldb>Q&RS zDup`@S3lxEb_fyxtvz9!Ck!*!e`AODX{@EA2X4pQ>P-~=E}Lt-G11dw-r9P#X>^XY zOS+fSUDvLb+Ab(W6j@WPIMn-f<+|=Tc!}SmO})W?jaS;O;Gv|K&)CL1m1%qHTz!E) zbTB@-m*W4s@c-RJaWIWY z0&3>Lt7>xr^5h)|ONo|ee9@{+tp{?uvrCXUcFgVQZSy*FDq!I;^GXN`IUJC86aWq7FvrlG-M&h z%>~Vx?7aHX}FFPt{l;EYAzYapN+-w z5{9Ec4C_^>H--3jFU43ELr&@tzcIC;^{gSTE&TF~^rUl&Q6jEEaY;G$J0RD4lgZ_c zG`k1kyFr(CF%i6!(Sn+5wVP$P-KB0uW@MZA6}0$tT8pjj7M~I=p5P7&WIREi{BAN} zb1qh!P)FY5gB?@o2~E18Wi%@owZ-!==nC@g}c~-aT9tLZW!L^_JZMdybY>x=y>b#$!Qto>U_1_dBU53is3fA%a5Kx=9){g}ix{?EJfwl`-)c zQ1u^Ds2Y#y4}ri(d<5d~_I0f==bN}9Nhe>d znAKjv`q*32emWg^tfWccJ%!Co2OcYI68I4E_HcT$7hT@YGG6qf$3*A*7P;O9-v-4X zoJ;A?D3xx}DXu{n2~*kea^!(nr5fVqPRKd(#`;#`=C{l-Z+yO8uQNk$zTV3fU8`J# zu)9vD_G`qN*T1QQSeM?4GNkSAGIwwUf$;65`=E1R=$IidTTNG;2v8&W2^vNVw%#%o zJ9zS@)vH#Kccum2uhw>qiso8cwb7~@G_jz$rlFN|r&`wL$xT2si@4TZBwv_5abq+y z7i+lgxu4+Av_j zHVZN!Mn+w8ZFm>d)i#CA3?Leq#1B;B6wKk5ZM?Q!wNV-IqGmPgKuD0L+MGAw)B_pJ zglKx*vHVXy>#VkIB#zA?igBr0>`rUiHJ%veY@$sq#rTk7GlC%2L>6o zURPwj_PYd|W}~)w+fzhU!R9j&Y{IH3@2zESC3pYeludD`ETj@JWNV)yFxzXtjXz!H zR8_KL%%v=MyeHLpoRmqOluye&D+JBNuw@Q#?F;By;Dz`OFnPJg`BuGJuDbAY$wNM; z+s&}U%XFRMen1tfj&mxjxcj@q`w5>8fN+rDLz8bi`9AzuQI_1WJYSWiq9T?=Vbwkj zrpo}K_FX(=(^LPGYOtAUK9v{IQ?)lLx5RC=E*VAk!9FO5c%Nu#xd7v)!~zL z*!&!6tbH6mrLdj+95C3k=co>!r~xMmt_VE6 z@|gwOYBwu0d-iCDY^%XNCUpw5A6q;Lhf6!tw9cWr&Yj46?w=xWAx8^P)rSr4igkN< z%sJFf?LS@A=Bau3wICyNWK>TuU!E^Soll1fG#A*U>s`U>%iQjqbc$l#I=G01+!4do zWipvFIk<@=D6IeRd<8tXTD{#sxM^(aM|y5bja=AIg|jAFef3;HQ;?W- z^>%Slo5iZgslAihzSBNF@Q4lDg?FgEwyifoOaqQzHz@?SK#q3%H{<8 zTeU;Hw}srHwhckB8x<;{ z8ya&OB|$^(x}e1@F`_j8Nclo>mLw$4u?0^^q~P9@U@#Fu-xdJ5iJl3kbOH-au5C3J z)Ny@9nwZP+ep%8;P=@0EL^Ti{|1=c$@*zHnKV;v%7bT1+r2#6d>Y0I@;IK_OL?AQy zzORTNF^o;Qn{_@6L0wevr03ghQ;wtRMYbsu(8xZ!ZXZ^QrSP@337wOg7Fn)Q&J=KD2p3iY}eiESFB zbycmoDQpm>e2#GgsQ`O2l@;n}C$0ECDygfw&JRk*lI@WTe2wzDeJI0?CFwYK!<0$j06mb1vCEPV1EB>s2`KO_C2KzC{1lzlV(wRsj&^JbE-h?>Oh~CUrWS>to!u|mcMom zyzI;HZ=mUC-+2y}(xUigi8jeB1<@w9{^iJ~6ie8@a7MK(?Idn!*WRklVwdA=sk)HY zbZr)^$I0Nr(@jsNefP=deFf z8K)G01OEb9(pPs|)Bp*IAeilq%cDcCh#;4i<(MiV1PKS12( zU71b+W$Ye}jKQ#*uv0XeL@Oz8FG?t&H1uGkq2zc;@t_Dh7FTxJg><|xOX8nIcuSPC z3Z@G~VLHY|M1hx%>I)=a6=9NCt|vtyBuoLgI23}HCyJ`lL>JC|s`R%eqDCtHhRiCR z@K9s9gG(}$(mEP)lclamQs#4#Q~em<_axFLZe~Tq5JUhr0@lz3P+-HN49a4|wuN=) z44Uu*gBt^@a;w&#bt(jQXTaLN-T03{WqIw!i^F|aXNx_PrtZ2FFkgz6tM^dzy4H}3 z^m6t%Gd4AaU}fLevEePqps|6E7q< zQ{3m);N3(l6!&!aEG&0r0)fd`%NLYCTXsR&8SZOHP%5TXuQ&yb}RdB`s&IUYjK6WQlG}vP3(Rf(yb!wL}qp97QvWKE66EYN28EA9#RG z!wN@i%8$&_7OE=Nv7)2wLhxzvLM}^j9%)?YYJkngbb(C}Ta8bdX-W|ClZd*nV75bi zme&%!B+T`Yg2|u5Iu&1-i_suzR4XQx`>zmKf~mw266cSEEy3Kj zv$}wAmx;0t+2S&WAeX-?U3f%BzK};MyE`YLMVHE$Dar3c%$!t$hsBC}@;t=M7r2)% zyTDx+=2=MKev?dDV8aq4=5Tb3CrBx6%&TCFUfIRwJiaN9t;3Q7bkF^4a~=)}LZE5y zCAmd8EWR6deUTQA{qVLsKtEU15h@o;^iMQgLm;mDQnXWVM`{-o<8(A4_hCD@J_vbz z?|u!!TLr*_5deKzH)=H@l#PH3<0EJ4%RV+EWd)aoNabv}ylQzEsNk1Q?3V~)r?Of) z9#^E5Qkq;GiX;<(WCf}++KVjKeL6hsLaK66XVZb$MVOym&~Z$*sK4fsseKn9@j59* z?2~ozj?Mj*qD4!xXelUKVnxfWCe%^4i+{VIG83-$zJ? z@mXRqhsR8AXcvp3oDkV9w6WP7d(p8soV=l#Iq0d9cAK_$u8_N%Z*jI-ZnaT;n4LId z^Lk|Fg48ukhGPFVVn>a(s%Y3OUcwfbvp7@>z08lSk-~fV z5QrONi zc3@Eyi&B9gYqPLsOsFB6c%6s!f{RYS2Ok}zJPqznRJ%}6>$C?HqB5*kY} zpb~Bx2E2N#QI*xx(W1l!j{rC1yFkZ8{BlZ?A}e;2;fmSuI_;0?6&8~eK^*^oWU;UK zzP0R%@Aj}3Q5E0G7eb5hNekgH%tnU89LNM^cCy(MT{e48EhdnR3hS^0(>49yD zeo;XGI0CvaPmJ(kp4ipBd8M?K-i=*-a#i+fr|R0ouwQ9-^Jvl(Z`=fySWxpj`PS!= z94Vbjr=~wfk|a)&(VwM{PMaxBT{RT_A`{?Iyt8=Ihr)_Qbx*u`?mEyy`1#$tDX^VV zB?KcoKLyorowkqr3b32A%stM-TBp@gEBU7KqBZBM?E_%K@&><$!_-yPw)a_ffP%TH zOl!hd6}l4PD)cOlnKm5KbVA|oauT9bIm(&VcdU80Rc|{N=5qf0o-Cj!cjBGO1)L8# zVYVGQ0-PKtOP4x8Q+JrqQ%L;EjNSR>WA94pkTOmVN5)B5PY3%s$^Q$wE=MBvbA~=B zfFFne?n_G(HcU(B0^%w#(~*@EZqXqWVuQr|inLNnlg3cpc-g>Q4`QQer?V)Z`@+K` zqbWu;U;0WOpdAbpaV{;Kx4`ZzHi3dbpVUc77 z{O>H}3N+%sXd3ux`T}HpdDZmskQ~y^()p@UuOPKyD212Eu!H24?6b1xlz*YTmZD}f z$yV-uKRcfs;_9nlIQ>$l0sSs2y}kBt=?~A|LHfzZqGVMTyRgLP^(CYSG2Hn6Q70Xv5gQ~LaLmV)bXj#=JYUL|9Zp$)ekbP_->86;L#$0g@ z+fb(2VMIRp1T>Ho1Q^*GrmB(2%SSVhgs2vwiV_83IFZRsWRxg&pDavH%~t!JOmgyH zxSV_vf0+GRt>qOXLa)_*Nx`u|A@QrcEfPti(K3;+#ZlxUl7dVui-+@)1p@v|q_K3v z`(=*!7a8KoMb*>d{5*Qh*>ILaEu6@z_7wmQ=S+LN>+m=~9ksp2saN|`RPp!ht)BGL zSJKa*o8KeE6AzF@_j-wL3jX-1NjUk#EspWACAElr3|d|_HbBci&OqSWvyy0V1l1HA zaRgosY-)dt3K{7N0TqH2metD!>0KP>Mo!5F@GGF+wMzuQmM1{`U~H&?8wPJ6IxfS4 zfs6vOJvFz$-Gj7u2P&l=SyZz#WD$o$06c&=jPP8u2s7|2VAkv)eTx%@#9>?;yoFS5 z)rb&r?0RI72G66?^N3xw*C?G+`StceI+uxG?;X5_RDPKslFVu<^7r&0t^EcnEeEsA z4-GJ|5(WPc2I*Qq_G_f#tEq}Y%C8R6-ZRTY%G%cfcmQgS@KoERrgkfR`~Dz(6SRzg zqPMDBfu=^aZ$9=8)%EBub8;Qr^cBCG``v;0h!U!gsSBjk>ES8S5vq?7mvC5-6|H?7 zf26}GJUVqE@FZml#nc>fx@QTajs%M+sENdXNXEAeQ590k_)!(62RdEIh1@UI7NAl0W!^ugaVNQ1wGO3UHaF)XtWv_v2L z6N7XvMjpJxk^JewTNsRAUmm2vFaCt^>)Am%mx*6L8oY&6e#OU3Po)Us8xX^C> z-MPq;mAYJoG?vk&B3eIc$!rlkLkq1|DNysRTd!x^L}YFgxug^he$*Q+#3)l=1$=Ze z4L1=4SxlE;5+XcFPp?DcE!9B}$2$Va@XG+r$0MNoG9PbbXeJjOI0$+R0Qd0CIEnfU zg5Ebs?*tQ4Y1}gi`sg4nKeb$R{n&tXO$vhkXpr8;a4si1ia;1(mEC6el#Mf#e|QvcX$O<(D^N`}60vGRM4okoK-c zrDb8)bpV`QFDAyUcMQ_GOzb)~cnhiQijRScgS0k_O3T5lo-t4+LY^I@YrKV2LV9c9 zu1U#fzXPA(&4aZ0hGimW?Fj%LK=zZup!W{aIYH1!7({PFZdpti6jKHl5NGm_6|EG7 zR@;XhFLEu!yJpXx9=`ORJ(A@+dz4ff{bVMJi8Sg_OySdR?egT6Mxy1z8bD8iIXDFiW0#D=O1Q)@0i{j8%$XD;-8gzwx=}@2IOKcxzOKj=p``36; z+9a8FnIIw1;YHup2h^YEMP))#bBDO>7*_g!$6u7I2c30+Gt%7#r%MRQ;b>o4(H|?I(_V3+yppcup2Ny)}Ys~4|F{*Nl z>AJ0%>1lSknL#(NI)z5vF0iv@(`OIdjBC%E3;Pb}@^7J4nZIqWSmb$G*^To&y{U2| zZ^DkL%QEp`8|T3#_|qsOjXlSkPi;f?{7Z#%l!)3Hy?ZVl8Bk2im#2Z zoVGy6-r;j(DP>dIwyjt~0nZABUBV4U2KNkP(RQoTXt8TAI#U$uT#*A7+dro~dmYGG}6XXIwc862LaD;}rj z>Fy$&&Z5~l1G}Ip>5{z5k`8S(pq|e1n=PU4u%`oR6L(ui6=td0)a^ySkplNLBe}@c zxjT?r4p%nQ{2{5(dcC^9t|g+T9-vdN1PSM}?mv3uxOU?WGdJzOe(I*{_c4`u^8gz2 z#v7*3fHM1T*5%)b#;mBy(iC+yg3myTx^_FD^itCCh^k7O zXp>Dz*Pu=Lz*LkprTbTuG+hYfD`}gQ^d8F0`A+8m!Xx`H$iIyG?<5q1zM4Bu(z4Waqv=kUrys;6#Lo1CciwQ|CPdUN3pe~) zcGYmEk%HcAm!=deF@+?J4da|;pP9zZehz%vwp}(tm$HT)aNpp9NU~5|Xr+8w?#o*X z$i6dk{Y^8s=xx_R27w0b+-)86%46-4x6Q$k@aFjfPUIGp&mC{8@>FCAw-kPyJdG$h zhyRL29Kdpm#XOFi;R-pnUvg4e5JMg%L>o9m)uxkW$UIrD%;#NtD=$IT`n}MZUnwY# ze#uKLv|a8l<-TMkk7DTbn$m_yyUY?=AhZI5z+$)wxF?U63>AJW-5|uRX05$|TbqmR zRt10Z7K+>G$-$HNA3T2V(SyfM+;K#^%QoJ0mHiWg}w&;xT>~ zmyVo~ln|2AY2Y=bH&g4OeJo?zR%;O#KOshS+cplxiC44)sTRh3hVGV4^a*Z{%^!+v ze;oruxzwl|4nKUCKZR9N_%o*!z{tzwV6_xorb`DYCe#stp4IDZbWPObB-5$ovW>7b zgaS3hpynAWy!BI)8l(kTPOvFfZ4Eh4jC0ySR^F)Gt&&R?*VsBOgN1hF)>m5J1?Ip6 zIp~yz{ML)5#XLWa$T1*pu_}~!MI{+=pR%T)r)qhbwY+Z3BlN|Ultk((omV6R`!vPT zyP_@X^H_p*&aq;xI121V?OKbm1c6#&1@GnuHMO0N-4Qa2*TDoLcBml?IN4 zEd_uCw%VjTco1CWUUYs@`E-M}1pE0045|&r!%=oQF9|Hj*D~-=)6Ji<4IHa9Y((!U zRpfnag4_;qi^^iwfOp!-@7aUvF2w`B-b>#?bm8te?rC&+DUnf-$stRifcorQr>{bA zm3j^uq)1n1`dtn51a%glr+_QFhF#n-+NBT}k@`^zApsECnlq~f(D+QA{s9q=;!mt( zX(h|5(*awsU;Lb6XhL%NP?PQY2Vq%;LyFqHAzG+__yJ@b!Hou6y>J!5!@j4qCp8rE-FXhbFQyn}?wb^+8;5tuk~R1i)b(WvVsTwzRTyL4-F zOYzG1Cz@4V2Om143q6i1=c*N42YEP0uKLHh*ZfiZ!L-09@JCMI^m4`(NI%^LiFGM9 z0|Mc_#ht7kB;Zdz7_ zT^xNR@lnFLZEjYZB_DTII=T4aTXtubpD@b@Yo*?)WyFQeFodsD{R`q2->x|>kyfJe zZ_ww&8KJy#WBgcaaS9~t7}3M%c$1E&kBbFq8sA^GhqCpbP~MkASydW4y(T%H@gSoFY?HT9v6_h9VlC zlM)b<&p)P0SF+arjJ1|5NmT1ksrdHVmsru-Gx!r$LgDehK@BzK%xL&!FmbVUeHi_8 zL^%2@69;_afbnk=2$;6>rHg;*0`lKDt3S_K{lzX;=XcPX5o7(S2)uFZd9m8pJBFl;*56$VZp}C*2 z6^eWf=Gqj&q4$|p_N%B8SJ~4HZn~xvDtnR@?Kx)uQxM;)6Bz0okUxQuM>;3ua9W~y zK(QByPY2HN1h@Uq2l|UVi_cjH6u#CXd<}1Vk~dY0u1do=#-9~1b_7g1qs7)IYMY(7 z-kX_*fiaGDAl+1~7-Mx7pN;qh#)Wi-g+^vNg@-rBX9E)%nK&QXGDqNXGtH*YV@&m# zi-<>z5&u;hQrw7diLM|hBku#LBQJ|Z|CJtskYdq4f~rGX^kYL>^ayiT%zJprjt%yA zGakdduM>+M~t_l2ziC+jJFulR=Y?SaTiLVhJ$ZP{r7&S1((GF&62cNM5-`S|<=w)W<)kN^=%N z^bbAQnqr8?H!Oi6IyjsmlB8J)FT2CbA2Qa${;bZc(IvgkYEktk3v6X)NfQ|&88qRU8J2Lkpv*~n#MxsAjH zMQ2BL)C_MfA^?Tq5F2%7Psf;$#zjRZ#;iO@63)%aR)gKwsO&LP49r8RBO!}{d7y_# zq!<_-Rfmpr?i<#?M7X>X>coUP_c12J)Z~JFYKk<`XH~DJk9w|GYYtW7(asSDKHX&( z(=A>qRJg=go~KBVx#bz-9aj{@)2ULP#oYXQ z4|b=RoBxceLz|nshcq{g4J$S##>V`6##z{y7bovlRz!-5XSO+?r%K%Be1J8Vu5N|R zd6E_FX>$x|bNEi`8I}upW{z)l4)3U@yCV6X;y$)i&#_U@2mPG98fBZeDcqbwn!k*Y zM%fRwBNeNdVf`$@;=}sVxSlA@{!OIWFm2UAK91c@j5>+?o4&(H9)_UCXDP${hp4Iy z^HJVVc!$#ytU&4xr}*Bk%tLg~Ly)+!rN_xEQmqJ1m%L7Ro878gH*j=EoRC*`BYGP{ z146oI>y=TWz}~zutR|90ism&oQt9nAzeghl1ymHxbVovXx#I+pYn(stA=Apl3fDO4 z4Giz8v?AUC&S@--g8)F>U*UU!rNh#_J@fRkVi2Rw{uQxkwV z?a;gxkkY0~QZ(3MR8=(CU^_JLSqevmh_j;dx>eo*#$5O+o5Ba16iK2Ynf;T~REcYg zn^+U+>Pq-0*R!HM{ga>L_B-}y3_o-=H^&F8@HMa|rT?U3gamEm;9M0h?QCMn~(tl2|K6win2vh)Uq_k5bZ-=Q8F z9oG3#VR8S5oi2=7Cn#Tp_G47T7l@O4yG zRKs8n&?|>?fI{?H@qxO1pg&~%g%7k&94l0$h`y;(ls=w?!uT7i#1+P88SG@Uq9}|{ zv!XqnpQB595M25dOAIww7Fe|@Ou%$ftSk$3EerfOs|2Ns=nVRTtBA>AhAD#q7% z6GGoIn~;N4iJOos8SHeuDdOkttY}XY5-b1@obO|fIfP2^d#9Ylr?eV_kiU03W^m;HJbBWpSbLgJfF z;o$HJc4*znSIfZ)S@u|4r-?x4!In#aO+!(?}6>EK2SkWh`}4 z$5IyK_iuVgLP{L<9#kFL_}x3C@e5eIGUF06gX5;J=mY3%6@>VL#whOr-VZES@Gw){rSIO z{AJ5xp~Q5GFi{azn9>Khm>F8L*;iiwy@v=XGecivMSCeP?}SL2Hy7GgFvk+-&CMyv zpyuWhljqGekV-4acceJ@>jZR#1TUiADB~%-hP63@hxFDH)^c`6fTgQ-v4TYyFrR&t z^)d@?A$s_@DQ^{E`-Z~p@BoF9NP$C>iQw!q<>(bDdw8ne!Bh5_7Ykoy+M}$!owTnU<)jz zuO8MY5)5vL=~v9olVDkJ>6(kNzdxW6!tL)`YDgJ8f0sIVve@45_26ZS?fo&T4sCmf zToz<>S+Tp_cK5rCudusgJf*uLJoG8E+1xARC=Rz0r!UVg*ePm|E1-m#lj#UbVVj`pp`N>7uLGz7 z_a_`cRYei4?1FWWhaUIzJXe?Tu*_a0t;|(hjX@J^%8Ckcx@#bO{=+0@+~?PNh)I|7 zNpE0y-^1`H1C)y@hRoF-KoTn--KTzn%uYe!VI7|U(rx@s;n1vVtw~%E6MaEZg|{s# zpeU$hZP05*px%SaDPGCLsH!M~!Da+rG2D8sLY)=gq}w+!8F%5Egp)4OYgK&GN3Ku} z9#!J1!C+v+LYFWdP+~=U`X#r@okamdGu%NVW8Wd61iJHm5dx)ml@n+sa8&}=cW0H5 zbP*ihc)Za!9^$&9VO6*QBg}@l`$(Q06}KPF@~dNJi*%Js?0%pii{DbC6%*$E0ZBDC zE9*paicR^WRGC*j%w9I-vptxfVpG11szck9A+z{N(ySPiZiDhE##$JZtHZZp#a;KM z$QD)0Y;e9!mAJwA9oB5R78dhhzr~97GC2Kj0{UUrrk7ij1?S+!U1~#XGJf1NUX#V; zjZ>5suexLy#3-#7Z&j2QZ%z@cE9mQzIKr0!(tuI%wW#`>D=k49D6MyX~^YTXK~(N+k?d^&il`z>d_cp4;tzV5b zlCD^Vr@p|7_OyNv_p*Ls0`*%dWI;&m{`M82>&dLLx!l&P zJ8ZkSfzz?AGUcFgL|+ zeHB%Qwp&APZS-lgV!664*Y7jl!g8&_ZRd*g(EH5B>RGD9jn!uu+;lxEjMeY4qCJh( zLxHhc(wo?&C0aK4ftmT|2vO6?vtnkt%*;P#m8#`7Gmi#lrfk_p5qFRyE8dVR=S~2M z8=Lc#;G2#OI_$^no-@c;i-+zN_23Y+0%S??i7`Yky~H;}>y>5|ZL*6>EXiErHGnkW zT;e`d9oiNRc?eo1&x$$fHb*-ddtr_)&7Ystn8@RgkayKSQ9)Ir(g(VjO1z6Iar<-y zYbad-3;T3AE85dO-F}zVXtiAfVNi3yHY!zIa^z_96g#xB4kSM@QTIhvN$KQ%1OE)4nHmTcwli1w^%Xe^>*DY zB7;k{LO1-7T^L&5CjsWxC@Gg=a0Qc-1Yj94i?K_OlJN5Y>GDLB6f5;u>R`zdG5t&r zsY!{L-h!$_Td9YJ+xnGEtQDKpZL`iZWUW<`6N zsp$s{n5A2Eh>PY3xe*0D_bG^U_JslxJdUsZgP?r(< zjjU3z+(xJ#7$H+{8AGde0@DA=(1Xj;dW-@23JESZAfpc9s2Gc{r3!TxWARK6?xq-v zZ=veY#^SCajRhmjieczB3}0f5g<(kB6G4SCTZq4>O58$xfi;q@QiX;1udHZK3vvAk zoEjF_<()zBphikY@^zA4ZCFdDV8e6YDZEOL5zbrX$KZ ziOjiS5k$9Ny5ZgMr6aE$k{R6?klwC6G2pJC)lreumLeG958 zs`NQK##?(b=Z|Hd+k3N$|FUvi9VIb_^GSu{N>K%+_b(mC-#0kNpL#Aht`bBT%vg?x za+pO2ZMyF#)=U&RD)u0f;#_i@klsLOEpiv&r{1(znfI(qb^<%c+o55~Yyi<&j_3^nRiE!X;cXB3unLQu1?&?*E)3tcsLq2}(> zEO~Se)LJ8`H3@31P78XxF~@4#Wus$GQg=qYP35+2qk~29{+PExzNuH6M(3C}jwx^# z>v&Gb+gh>8ZMRx?3W$A)HkFPy_A0&JHk{xx(#^-bi3Ou+*tDdF`V+JmgNuC|Ej+B} z%@hIq3?6ghv2EA!v=NJgNN!#}LtmW^i_W}D<}J%@T3F8sz8oI$HabSxZMGZ5^H^4F zbns@A zL&wXRIu?|~ha2D^YhMxm5UK2Kp*}bulnD~m(Wj2Lv9324+WLY4idXQw+GuvX z7uW_iY*ero*Me}MnJOdf7)H`Ox(SL@D@BB-^VRbmbIjXBx~CYt@>W+NQ5!4m269~( zLh3+R_JW1BO&v<@n75g|0d<=Wu|Ig#a*TGxDxPnUJZ-^krj}#iI(P)dq9&7)GFAzz zPL<2&W}KU46a46iz;c}&4d$e`0iD4DbyIgSpaFEFC{~=W*3mhP-fi@Y?wmJlDgzF) z$aSk z>1n)n3av%gw3-FWUYPE9FQk$T0hBDdMg#0|!H#jfpL*%u8$i!Z_Ix=4p56rDua)32 zQgss9GlpHL8ty!617m&~QAr(*O~5u_6jhMX_3*g212Wkt`oq(|m$>M(NJ5_Qwm6GT zS3h4g5!TcxwCQ+j$-;EJ4Ne2QgNmq}k zh}vh`Ei|zS*zs$TxgK}|(qom8lo~Q16~iT@Dx7vHQVx3#AiQ-8yATMawM->JW*Q}< zf+4&J6imZ#(Z~zSD0QZ2z^>Gb2$M*=Gqkr7WMa8v)aSWQd%{~|G|zTm8N6|>PB4BU ziZC-(3=X&GVp$r?P9!*6ffPi`g-QhstY15w3mxy0(A%coKvQ@PX!G(R?~UvOfP8K9 z>Q$?1tJkhtWq2d|*&CDIXlwA#Tk((4X8w7#!a%H}`uumkHV%DI8>N4az*N_EQoT3O zuXFg-_9mz-SxTzOOFzL%KF&%#-ZrnI_XGgO@D}r6?Q(*^5VGkPLu3yj!mxR#M5(p` z=rWvno0rHoYxm(-+uNuL6mPtaM#86e~RA?9nW7t{g6n~)eV0GEW?g6*(fGFC5)!WCauc{!-VvehP) z)$!KDiK}xNgZW)|mw5jU@TB%~kl^q-=Z&4?7~Q%=EnO(M%-?Kb|M|P!hGAOk3tG8s z*=5~r`O{^))U4~4*Lu8l@Exs3S_OZ`(XP05(<$jKe+x>K46{~tbgOl-_Aj zMExmOFL|bIh1HD-W73$q*eVz^{)A_GHC=k;AF_0>q}3K2ea+Eb7Zn%Q8Vfb^l3p_n z+b%C0*P10`<5c*dMYKR_{G7f{JoZ81$6LH#lMM~M@LI-Re?|?vZEW)=MQ@k=@tSGr zt>tD>^Jg{BbIfAXgOo@r+sv{{5|}F0G}pyLe4enhI{!3XZZ@JXMXhwn(JNG@=}&pu z8og>6yN&(E4&x?cn{mMZUyF6iTP!U;;OdUM_`tDO+Dg|xUe}zB*cUYtvbxsDc%{0{V%;t`YiL%c z7AK%aT3YN?iwlkmxxeV-)@ISz;!l`XSznjTf?JGnGvsW%80vm0{(l+%zXksvB$-2P zBoxTA0BxDp8m!8Hb<$Rp0@ICRT1pOs2m7%jV{+MRX-(sYjrmBC%f^dfF6h)ahEu7n zPX)Z$MQ>EsgcW#ACpH`&Om?AAvr9|L+h7AFW8s``xwbQ>)aV)#e7-%E z&+8bU;ef1}aCedd?jFXd7K1PFCt+i9L)%$H+;4>CnfS^7s7XO?L-9a%>~kcp_jeYT zKW4QL$M-=l?`3BAd?pKOuF%w72+#Xz?5mTVUrMJj+v^ z2^*`aeuX;nOCi}wNuKbjI~uxG#^_bo0r8UX1&HnQgYr?={!<1AGS1C_V%e^1rq%Md zHZ}l!c;Ia`0CvLTA~?en%~{jEmcK)WiI%?|uiS=SGAm}Ob=9ANtKq2L@^8+;LvoNC zOWdh1({TJeg!?&!L2>W;kv3@wwRiTy!TA1J5PTeB{kc%Ay8>8~#9NTX&ff>NGAX`B zQvLf3sit%Kzrnz-hYY0KVRd?J%a#nvPqxW`43Q}38De!`Hsy3%B+4CZ@sEP8bT++e zA-l~E)@OVzGCkw#{TZF{jTED*{t)=-(yq|+e(dVH&@&<~>R?;5QJKKLLw}U}6cVZ27Ykf!M_=X49=$faFhh?Zl0*8&#InX zQeo_#+p2z;RP)Y%(!%VQo{BQ$?T;G=ID=sLF7kcwIRH8aHdSiOsGtuT`3^URJJPzKe+)2cf0aRKU9T zeqMcb_KKl9y5bqS;?fKmv2-}1m8H7o8B41xHLYGOYpaUsDt6HWsG^nP#%#&17fp+* zP<4bTVup>kZoqX}zihI&g|P*;F?(ohM+Gs%YsFm5MDny2k6}6&SGrbL^jQJ}4tx()YWDED-eb2!_A8YE57B&tt zb*!0}bqk$gzPDiP^Y852UZMc9`dbOtV}$tVzq~v7ax9qfr_deU(Q1-aSDzy4v=+6` zKagph5=T!bIEuTWfubJ)vR(O_>X(SBJd(GAjb27_^{b%3hH&+3_+-4Z`V5imZq!!)8&$yym~29&Yk-p( z22lNT@Dym$-xCa+08xXHGrc07NTgnzslvRWBd@2nqv4EyUB$LNECuUW*smadvarJ= ztx}B>)Cb&+-6pa1%8qQ&w#aQ*n@O(NPoM>}+@jZqv5bKwPZn-6YoSqpJ5l7L-k(Nr zW!En2c^%v>vM zyjodT54~ok-b7?}{@|P;%l<@7E9y0Tn6&IGn6$L6ip8mFne-dVb{efjvaNnX z9?gG6)07~h4J4vuLh=bLkBTR4LzD@sH=#AxMOk91QU`( zE}QRL0={!J7w~_xG&B-@WGa>#e)mBAxO*73B5{)~hV4QOWK}^|x8aLK;6np-=WNiO zVcKfsU6Z}*#k+2gc>rV|%vMajR>lr^Y+pw#yCTnly_Wnge?ut{qGodEW%mAX^EME! z{3zN-iM0m{Y7drF`(9GC!}JCNFato(xMMY3mn-U`6F%e33z3Ibt5k zQe3UxK=J|`=Vh!dA)kd(OM*2RHmz2)8iES9*=X2U4O5Dat(8j}oE+bWB`1g#ky5k9 z)_vfVZN*U>IAOaU(l1m@Br;F~2Lrc=?KrVmpkhVKw$>y8`JMOIs?YVL*Jrt2{|tYa zOWUdxq;W`(<-k8$_z)Jl#orS!sn;8Z=9;d|W_%w>OgrKaBZJ(!E#6qRFWy3>_gBBe z81GzEolBdX(|AK&2F;oeo^R07XHUfQ&x_MJS z-4yx>CxBf1@fIifa0o_y@HJ|AzMqzFMWxL7nmj|h0fm{+5-Tfd0$xPf>VEvwqg-L2 z!jR&&dIF?mTkUKU6!Z%7Nz>feg`fd^ille8fBMN`6W1FiM505nsZqI~_B2%56m3;N zxDRcO@ys5?c=!~_@~!>!ElpP)N7+yG-$JIgjE@AmvZVg}LO-qj94c*wu8fcLp{S06 z{EdFP){VOwD~D!ZmPGkEc@1Sxtddpnv% zDbGCmxQsL@WuE#$kBuT9lI&dE1FR`gt!iV8UsQ+r*Vpwa*G@s`oBHWpisq^h5LEDOnphNC z>%W1_xTZ=0UeKVtLjTr&8r(po%?NE6m%WdJ>f5Bw$#Ll8{d6uxU4F-b_JRIe$kbPQ z9QyHoT6K&M zIwz!=h(zgW41-f5(UdZO_zx@;iV!Z@*{%Z9u^hwcJuv;JVd|CJF*tQ%>!xSYQqlNM z&%O80i~PF8!l=9`%2r8}OPgXjGae+$DY0Vg$&Vsg-ZT+6uFjzq2}lHsFF>V~V38ij z3^g;5iN}S4$@s&F&D#>Bv)L5E;sRr{bJ4zo#oIwR2PC!)`@37Im^4Hh5j zr{yEOu4nv7r&)Ax_D{;` zn>`a``ndrX$d4k?-rbY=9HY`vmQ<8Gbt6kRm<|#RC05Q~hdip2Pk*Y>z=8ES!yC$bdY$I#HN&n{=9Jf3_*h?>eTm4JKnGco)6E)kplEg0 z)0GFXLhH~G51c+Y9^IIr(D8~h;Z+l?-W%8%8|7{soM(p=7G5%YqUqQT%0@VDTOuz~ z!RdwLb{!`ubVqs6q-+AEaN_v!2M;Q5#03nlVK>0);X{WHFU+pqtK*ynyD$UQ=mrVp zh~aq+cWH4^bJoqv3%0Yi*eF*P4XiBf%1 zbAyizV&sA6+1oZyBvzaRE1g}dKhCnL{1kFUe(vYViF-&vRl3l|+9=ePyBD1LD zl`Z3}yuWAV{KL0B^6=qDg1=1U?S^TG}INs=~D%~X$TplwQ9r1IKwhf>| zwpx>N?-pifOXW)8vQ}&AcymU_9W@ruNyf!cEFJE$9vtmktmE#Z=zO0}wOAT4js`Lc zM9sFU%{4q#n~gI56m0CHIv{=G{QW1++;{rK^10WZQjR-1-cib)!i&)om2@Vw(xhvC zaFq`r9GS|5zZD0mcpAD!o^EEPQtOA!NLWkOCdP9C=tfVSlrM9W-JOm*s07~jZ4A}at&FM zwW3kWB?nPQj0I|lQ7uTVUzk&%LdyLv>D1Z@R$`tXB@Jt+#f<__eB?Zb1tHW}8|*Yp znXar5iHy8FWjN9fcMTUxC@w-U5|2r#ktCE*4#*Z%9nnr`CHLTdA|09N;o_zF7LuX^ zJMlCoQC5THRw9!fK}@oc3Gt-la+?YBG9;X|(#&e87fH+Kg+rIaB*zP@ z&;yqPaq&vM^V}tm1Ms9;1uG`JD8(9*!O3mrHkqOK*GkEDbbc*CVSP@a(T3U7t+!sn z+1@pdPi*Q1fm*mHuxw(W0d`0$xVZox$-^WN_YSZZ!ATVxLlmkxaq8F`NVrI6FY6Tz zvqTm4Z4wfxL_HjQXLZoTJpv3)L=l1+m_F{Ug3WV>X1eS%k!-g|GO=^;pWNWP744Pj<5k&HM*42XpXZ_Tlr4QaN|U(vjF3c+KKvEwwVTrtZyfP8Y6 zBJ@x5aPdj}K|K5v{si%GUKA=(dZ>*O>r(2G2;zI2V_!+_&;&&j?Z+r$b8G)?OSn%7 z*Lf^qj?bepfM1b48a zxg+_QJZJB1Sz?uq)z#qS=stg`e_E1^yo8JpyY6Q9uBYGfF(udtU}%DICDD6Zf?l@t z-b$tSSBVLh%r&+kkxH`GjrvAV7K5@kGr?x-Km;S)g0p2jIF!950+z%=?@(|pL6d_V zTk=f-Ir|#(k^+CfPWI2?Z%=aNTN();r(zw0x?ZsGqd5kVfrU?^>cCidW(ZiAQ1S>E zle<7{*7ISeX$FjZ3q`UgdMDdc_NW)Y_&KV?f$?83+FiMoUuH#ffl|c$A7qTbY7^M_UW>Atib& zTTu3>6;SkYs>Gq_yWP8m|JxlDh4ZRlSYvxc-jd7M_Yd%85E2n+EG0xU0*$nv_@W<& zN=t=dLC~w1(Paxx%zwCbWSigMpz#jLejfRhx|XpK=LB6(j18< zxd0?r@u^IE?*)E-H%ILm@bg(z9TKILTQl~qgVEP5-ys&d_u4GtLyk`vh z6RN~9=;N%pZ1*by-6vSlTnyS3&l?VKB>6bPg1<;~A)A>I7NlUov%P9@v$4QS_+Dg< z56}IA7)J!2?-)Qrd-|ES>0G4X!1HE89GKxa0Dh$rdp*4$%F@?fQ0jB(>t<9P7z$1f z3kpa;qZvrr3}h!$G0pm^c)G3p6JH(DZSUl_ z%gaXBr3sE)TWX*iT6ZjWCuzl9d9$~ZopEn=EXPiy)GO}IvKttD;noRb5cx>kFoGeO z9*>7QWo52iBOX$m#0N<=+)3<^8J4`nhp5O<0-_J(C_lqVJb|i`ljtuce|hkLC?=y( zOq3QA{UXycVxpAHO?oHWQugQ;!O-tfCGI}n%V>9o8OeS83@e%&44oe8q17PH7&6sp zGXBR20cMM0G#O8sjDNmY8_G7)!6B#^x_>(HJPha|I@yr(#!YH71!BHUCd(maoEVd! zcf)e9Jwb1WhQ3>{P*c%F572w)hgdbB>1 zx<0eYlnhKfka=5#WMEW7_WId=Kuo^gMV0vE>mqBhD@XGXE1HLtIrlUW@-i;=SKrfX z)7gC++{e9D@*~j|LBnx!5k2AMZe5|fP{cl3+C2`@0+M`T(eSxR@oS$X`w$CAa^sTS zJxN8RXd`Yxy*Ret$uWZr$MzXi9oVrAVF4*7qfxY<7VZBg(=yvsi(R=TnG_X~O)7i1 z3s?4^sSGXI>o4s3N*+H1ki8QojEx+-0qgJ+$t1zV!K z+@iZ-q`k2zL0uBTa|sc|cffWh_y`uJI_w1fb%I#7WW@d#alj(_wx80@b6 z)X|CUab5Su+l?KiEj5wkSK6D~lT=EI54@2$G#2u|Km5vInG%HnM__8*Mj$ zRG&!&FGE$y1&*_JdfsS@ZtWR)uQcx!j*8g6S<=F~a#*h-v*8Zw8*Hp)n|{n;Wj8Q* z08|YFpy2+(VT2n2t?b3i=-R5F{BYY&8R8F-D)Xs6;zeR zcYk|iL%6mol+VaPq&bLlOvCAmne0c}o-!}#HPfK0G$LV+_D)mxPLD7hBUXvuSwoLyaLFFW!cnYJCGIHhWMsRF zQ|@3zbK{iP1heEwrF5&me9EDVYikCi5_wWDA)xH8asiDdwy}xrn|rm9Y$F^TOs>EtMaAAAm zF6^S5*g%D3d&(ZvB4XaLGjv#gmSaWI)cP4#G|yrAKmYyv+iq;MLZIKzEJm@uLR#wR zDw4@kqgX#BGyecYn6;G9X5HDtXYg1*I_x|=FyfTDN5tsbui^8Mf`|8#8FM_G6#hQ4 z@%u7uyqAdnM2@O6;P5P}4h)Awxb{m(XM~1nX!u&D-yAfgLbA)u9?k*{b*jX}_oJ+l zuEO_Mv!c0Z_?A306k{;&mrZ%Go_@(RK)dfH3(-j5NT?=T$RjjML9@%fT4%QT4~}M) zaOH}dr)mvjauv|xh-RhaWkl(RLD}K9n}T8=AoJxYHXSr7P3u0GY2Cfx*e~TMIRnRj z4OIumu_2@%hVmI9SsIf4Jkv0cY#V;fS+XH|-ZOZ8nksSd`dLOd+pmhXrxq)k3tn%G zz-y?#G#wz*rqPdJ=Z_LX%@)rHc2Z#HKlW-@n+-cZ7Qs&RgXKd(fQTFipLM!Knf(kp z`>-N@2|WdpqGQc&L}chZr2y04k%4ny+AcLM`IT>H4uM{<>03FLkbzATyM};GLpatf zi)aK-Y4G&dOv!+!=NH!J6lVPRBP?IWD=OGCUflpY5P0>?9BYymXZ{B(nu}L=9k=U^ zrl(_?WFg(DY~qJzT%|&DE6*RT`uEsOWAA$@*@P&J+-V?v}Vmyal4>d);wLs zS#ftLzP}T3j!vC!GmL%;$L&O5letU5sWUVTI8NQzku3?e&SegpUQp})9P7zItv8|S zz%!}~gXfcV7T5^G(lG24Q#l-Y$_y9G42=aLq(^Yg!E7tTfCBq}IG0_n*${}j>RX0M8uOx(#-K`OFq#(zadbNkmMvixd ze%rHoPVg|mBcK)FhohU8r#lTt_w;fXHw8w!JOQQQa+QK9! zd$;m`SkYXV`PP|e$hv?O9T#a?xIW7<*9@<2yB-jx4iv&%g{`5rfzB{~pGMIz3%ZPz zJZj9HQ#AeyIp78;XEUy9dc{**v#b*g_IKo0y7@}F^=ogN03>g4N5UJ#@Bf-$qGCP< zMlfbc6^|w=W<#jB>x)`rM=R%g5x>-GlHE-|OMHg9DRw5LE7>HL&SeTh_NTdLiSK9P z=`6_%hx#T|l^p8#>@0Eh*CxZU9BTVeujVg_cla8YM@b5NUY0a26_r?8AD+g&{x$w% z-wTb)0uhjzs`1#ZWl0rwg$a@!-JT;PX^(|tLUseOMT+dAe@w=_zxpKpG>e^!`r{?L z=C)35B~Cuc>-;vW6Cca|^%BV98YFAYqs6e6mdu0x1gG(_6dH0-qiS5DCZ7<+$G|O% z?1WC1vzTTTsm6ZeE?eO&i6sk9DgKwEA)il?QUnuBLmhHM`S}k5=$}U#D4NTLk zpCj9xF6(Yd`aWgZbY=B=>#Dy)d;}mm8~DE4vP(ANYV350N8rvl%Gla(>@W^28!w7= z#y`ZD6y~EV0p`~l^U>bSd`WATjE(34g#6NrEs|bPcOj~q*w;y^dkg9wyvPymX1)x-EA7fPY=Zwmr+n4p8*wy^!45}n*p8>x;8toFKK`tsVGBxp zo$&YS>m~%{XVpeG84ytoeQNnTYnrvz)Yf!Jyo~Q#b*tq+&(V>oQO53F z1IB@7OeWY#jHU{@35l3x6_eG9x!y7+{axgL)aa4F)r3XuEH~@8bVCpF(Ha;6b<=B|-gAq;tD!e=nFwykhQzof(vzYF-f3j`FEBi>;VvyM;<3BX z*zgS7TCkn9#g>0Pm1GQ{r0VH)sK-r@ByQ!jGJ6fPWuO7lXW#5o?!=6w?P(i)!*Z8Se~}78kpMD zXnND~#|dRx{tg$%$36AUO^j<7f_fhN&cCWPyQB%x9zcQt_<{QPc!QLg2vPe|vw

H^73S z>mC}pzJyYjR2|q-Q!!P-DPeLLkNJCvGO66vYZdO(uKL?_>v9X|;7@aRg7FJe1k{)q z9G>c7BO6;&WH@`l6imy5O9c(=c)P7fTK;vhr1*G?zu; zW|}JYIfw)1QZL%I(4tt; z=O-S9rDtS{j5p1n3EE~=uZy(;x9xa@6W1pxiZ@&QS$Lw7-6U_(^0y;~s&VxK`KFGG z=Z{m5ccaHAx4J*xI)l;G&>W0YXvu{=@rFak6nnfqe9TN@yJ?kb%`%zb8d<|^nS7^k LGlb{O;==z2aMjgY literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.doctree new file mode 100644 index 0000000000000000000000000000000000000000..f016d07114e1eea23c66df2c0b698a282344ff12 GIT binary patch literal 73774 zcmeHw3zQ^RdEUO}x$i|oj5Y((ktIu}@G(|n42f}g#()h~vsL4)RyB0X zD$U-DU$xTRjjC&$Q*A?awNsW|Q>!P#B28)?jc>V6TPCX4q|L{heC(rj6(e<<`fhI` zAF@W@?2Y;yIpuAs8m87f)hMXmr0Tl1QE0f}Byn!DQF4e&W5ufKICzN9Bc@v8pTokDmAL;R%|WaKt7txx&9}6)^;!%SDx6^DCir!5yLEL%Yr;{QPZyi z^YsIeifi!ywfO&f{69q#fw?3$fyp^cpQgEg)1bgfQ{b6jMi{WGACUHBHN9aww4N9X@mOH7?Y3Ub&v}_4*^z%FO}g zd8e)xwRt5hqFjIE2qusjk-gpstI_l|6wEon)gxq1$O7Jw*zZP#TZ_FOK1D6ONo+xl ziI2DOd{Y%=h^FLT>a|hOVkN~w-o$dPI?u)dgIR}Z)9iCvlj`1uy2p8c-rw}4&0G-Y zB6XdEx(eEsJ>9eQm3guW&59SPGq$o%iB}OvWJZ&RQ0L>+bc}cZG9UHU#A1B74{_dvX%A1ZBbaB z%@0|*e3H|fQ9NKJ`yBD=*W2^T+i13G`LBT~?`3j&31b9xS8td_x6xwHHqHlq;#1V) zGqN7*tv!Cy@9{qFc|j4{7_8^pH>@wFnkyQ}`@?2O1%AR*Z>wu&2__)F3=c$Lz7MB+ zy`X$Fw697i5D|9*EtagBYM4!LQ+)*xj0f&Y9kA;ga`=~cqS{NE+w``H(9`s`;wPuB z6^*h{Y(C{pz+Q2Wqv>6hfx~2XSLQiZoFaYwGMM{^@Y3Q&`{OO#@~6GMaSsf@d(hz1 zVC%1jY~9MBQs8Y);Q40!7)S~G95M4p5@x0o_(Syjsj%O4@vDr(UzD``uUdvq@<%Oa z$zNr!yybKeq?X%=;8%j7w3oO_PTpr5q0_$;Nu2(@-egUGF-4XtuK+zAiW5fOi#Y8G z4I;d(Hc~Yil?jAPd=$!9<)oZ_sbW^SlZ`Q3(%vF(JXO+y#xsRYmp7g&Y(e9F$lJs6 zZU-)J=h$3yV!r&rcPw(*1>Xh3;5)5>uOn2tS*3**mb*a6rZ-7mhgGOxAD|g?oV?MF zZMXhCebgH-H>y>J@A_ljWZt!kc?i4fG%FvYsd?;)Cf4Ni)GtFu{&syoClCbRO12L+ z2l&SDyJ(rNxUnJbOiYj(E!k>a7vS#!XY+;)_qwWCQtgrwdDi49tIENHHDOoc;6cS? z8xu+iZW7xBz}j1BI9f?Lk2N_KjvS2U7gK@jj(hmN#^PkzvXz5Hi|uxpMNQEh*Qha% zZu@wsp?Hz!g{56p>VMB-9!G-WhGmd0jInuP$1) ztyLLG&Mo)Z4ee^`S;OME-f$JyLW>}SL9c=jOU60PR8&sL$zvxEDkZIG)v##+-sIp= z`Fj;wX-W~sjWOHC^5i`J>hp^W1*=+eR%-ZjVc}k5siv;xFD%e+h4O_rude1Em{M+0 zf(Iv8gHOl8PbXI&y0G9{_0`4M$=k|Ux}L|ZI@6q3pJ!^lUd8qRW*18~qKhw!h(jWs zNUUDj6lA}71@Y{E`sD{vGV zXqiibDto(<>KdTsHc>T%W}i!KrbnRYo6^DOye({@z#V$H*)!bDj#+!+%GWtp zzKlODo|3>oZ#Acog35R= zZ-c*q&A3#6sR*8hj{cuif5hD+Qj@>qYC_a8<1xZ;UT7{!cjd<@8Z4Q-%SCD<%M9y# zFd+D+1cGBFgidyElCBm7eNChJraqhxfr#Wt_1;WjNMW$yHS z_mO|v;`V*_kzZR!$4@2|IPD|XOVrtW0|#pj9mPO>POPE#DGci_sf;D9#2r*xa50Yd z@5TzWBo(i6C%Oww%xu8i&K%x=Z`TDLp4>qe$T-s%OGcQdEi~8Ns4{%=mQl&e3uM&# z8r8wh7Xw0{@}W-$6WYnLAsF~87CI;`knr}thRslLQfN*-qC@c!b+E1phBf66E4zw7 z%)9y;n|S(|wt(4Fwk#J1ry9=E%NkCl5PKnWZNkWiU{aGL@jc&i-4y-Vt%?t$rga`0kjLd0gy8xFP>**+cLVWib9+ZR-KSs7?FYwzL?O#xXbaHz@Cf#T#D2thZ9KGT$g+h2>Yu9Ve+jX-#E}{*y`;{ zIYWhh7}f~WF`uu3Z}RO08Y1)OJSZuq`fgk&)uOm5O=AXQ*>Yu?c<7v7))_Z#ZhZ@#QHI_ zP{J_>OaKLJI{wO^@As=!I0R0kUbk>kqZDjQEfrOqU_=|~K&N8EKRuws0$Z_RXslY; zey(gF%8xpj3akerMEsr2eCyV3`;d>yU0u!V9eiGI#~-H2o0OcOX!KZAv}kL>m(UH~ zu7Jq2O{I8fgTEgUe;5hmVxlv-33`YVeufd=zNomf!1pdv_9R(sM*O6_Qb5D;Sd1rI zHX2}ED8!<|xmU@fN{COJro*^9`WOxKVIrIbxAN${_Oz4n@`vfqPq;J0*&pw5l&eFa z^}*Mu=Xdnd^OL9~-N+HQZW<`en3mY|O=IvoQMR&zf4bx=1k@L#xU7B%P4&pvI3G8j z2|B>1hdhM5XnZEB)g=OjKKQwQEbyY9(c)x3Lt8eMw;DfnNH% z5|!42m6dDIa1Y$v$V0+O?5BjWy|$OJ`KCY76g?HK9W6GL?>_Rhh%_l>p8rYrjUt^( zj;;eYd|&0(44os$JwmMASGkE5t-KC@0#Nr+S6qiaa0M2nh+D~WO>?D(4!;t?9&>Zb zVeX|Sqe6t^Dt~#Iqlgi@B7~R`1g+Gjdi7=}v%Fb_1<|aPH#^zt%~tLd*yyzn3$2v9 zQW4*KEimVI(H{BQ&P9E$m(iunT;eiN0}1+6=9Qq#Ek$HL%5FZHi`8C*&SURy=`aqm4y=PTVy z-8mAshwUwqu=3o7O6xIMnOuqkFKI(eYW6b9D>3Spie|m#9~>mtN1V7fio#3jZPy$sH0X<~^%Ph;*=$`T``%=iDHIJS{QCArYiQX~)d$_#7QOA+sPgb?X= zJLNXtDbJN&3Bw~UM^1;q-(f4ka^sGBW_X}JtwPv#x)98sT((gBc4E09Zk)4dmE`uf zzvUfYB#2jfd`TA{Mcn_FU5UKEWcVc0=awY{J&wt|)Sc~W$?zW%O?QO8UtnamFWU2x z;frWE!<2Itb+}~sb}yszCqc^NV2$95K=3u1{=e#_=l{N5eEmU>d~LU67$1!bWP4E% ze72OCYrACF+j|Fc4Bi;t{KThdx~}V`ziUuQW-EJEgB%*}UJWYkRt!ga8C=S2wO=uu z=)DK&bfvEt7JBLJ&8V~E*T!}y#wh?VaY()9eB6? zw@AU>)l0v>xK49cc^VCOuVCJ$c1wnj^)fm>ZE~(kmkht#ORt|>FP=Wv6HnVN8NSlX z;Cz-QmJIYX=02q?8B)ruUR>uh(w!u29Xax!$nYgv9C>-Guch6neU(?^kIafvt2gqZ z6qF;oZBIq7;zh6Mpw-KH(ID_n-|uG`!W~1qQLvGfLI}&9JRJnS$HnDwn5~+f00{%}-wK2ToyttcaL@O?eZdk!=?lJ#f$S_9)L7TM(TN z^SH5kZ)DfNm1D>h#jbLx*oXJd3YK7V~)?dCC&e@t{j#?hr*C0GGI@dwo|kbuFK%1NhS@#6q?n z*gc$()(K%Or`XUx>O)p>Gikk~6&IZPl~=*r|LKG*QN&+rc>m4)2zemJyIT}RAmw!l zQra6JZwm{m^irB**LEAW(ez%?i3U>kv&t=8Lx>ewRyrOYe*hMc>s5ppm1hxi8{TN} zpu%d9>96uB`l<3+{2Sh6xQhA?~5AxAvEUU_sEhz zL~V8)z}8~P^=VwU+Xgd^*g;oCe5h*Yi&hnh>ogHr`~btYX$`lq^4_k62QD01y>NIn z_{&&cB@&~tB9G)Hutj}kp8NZeM{@pEKQn)`kOlJy64N2QqPN#iii-S%v%=3!Z@2I* zkLik~GJW8`PHfmPiU0C>!!+D{o^mO&QaN`{tu{3L za#};mMw92sKoV9KBzsN^aw^Q#kV7;|te{aXq(dz!$jQK3pw=w2(pbXNe4}2%pPYq& zUmHyyf8d_ur|-J^_^JDDJE`1mYxs=~@e>Cc_9H8_i!jrbkNYo3o03Fm4KaTp|!BghBs zkk()hqMh_S4*;50W@l%q_+3;u#wg}#YREC;`po4CXP7WK#8~8(gHl;asF_n3chy2R zKSaETd=<41KL#8Av8Z^S-J}yugtDH^(LW&hZv06V45eUMRq}-~d;Z56rphJ7mu{AE z1vzxWKzgz|f%J%i7Uu}Y2hShT`pZbhB5Gswv@3-~&Vayb<)ZTr4DEFE13L_)SWCEQdt|6c?R8uR}|1J#1D_EE8q;G$Z!Wi!^C496l#%!(TM4jf>c06 z8n3}LieI6~I@a?O_mH7Pc5Enr+lzIKLD2=&*af;{tDIW8*^xUV+M8(w;AE?LF7=Tn z`Nkq%n6%~&&143Z#87OAUmGd4m=j)xPab_EF&7t(N?KV(s~v>-n|;yL}D)n?S2tjfy3$`8!pTZ2N%O(pQ*`Kc_b0L4~pVjEmnev2)N=aIhqtj z0&Te#m*EVII2{29caKcPHkNd^X7P(c{!Jw6lI0!~dx={{q#u5) z|0Moksp8>JuvE!fAP6nJrKKe{q|{4mME7RfI-feA5%TO>FS^CHJ-lC^M-o;f1Dwb9 z3wMi^n^TieMcMT_$ROQGk)XdLiwnvEc@+!H8OOho$zKSvm4~OU-eWHTg4q&2p2Fs{ zH1+&oWjq*}u%7>I`nl~gRLoX0ifmn&k9cNA5{a*4QHW*YXP9tF_5*@kU9GulUO-hL zSIuVXCVm0xNg?Z1%LOu?sm2_vbg-1{UmmWB*}FDy>oRRk%<=&}!{h>6b$ip-wSq8G zQBfG94V$#w3jQ|F*QgRtJ@i|wtM(#D()tN1zOV8dtZ3yo@h5Hy<5p;!xaJNv$l?#9 zEu9ys>9)F*%*w;bA8x7ORV^~{`7<_AUCgOmXg*4Fw6F3Z)@tRS<4=70bD1LXbD^Eb z`gc&6gswOou|-}A`m9_us!}j#=Qx<5c^=Za6x*w`$}(hl9`GLCK5oJF@K372p;_=3ZC3b_|P&#l{mDF zvbH-iLz`LAOgnN^+&1cNt89^3fyE%l!Cr5^_qGHc-Im}HeE6O0y<6$Iq{e(Q0$3bj zR0-{!NVF&C-d$9BUxkQZITSX|3QZ+R>tyj+pGlpWv5ZqP{8Bm~IxaU(FB`2~d6qRr?0Y+F*dvmw_QZc8HJvnTZAP zaZ^sbl}eAhhQ|Lzl{hqhi8U*?@4mnPMOHKu8pCyGU{r97CZ3>4Vs!$%>!*nb#KsUp zC9+07$RUVz1Y%pjRM{4ru$|83WxYY{BLY?=;=Be2XNit|VDrPw79LE2xOcxK$xea2 zS<)g7d%HE{8IDEL2>^J5RNJ}%!08MTlK|j6s`d?l=LZFVNoEfBbURxr=9qv03MZpT zPC*jsXVLDjL=h3P3i^?AI}gU2^>C+s(r&@bwF^)gk!iI>~J~wD3c0c;N|V_8wlb^ z#kG4q#0#uwCMNEP--QTpE%`XYrr${nK~BsNn>xa#&vrYn>y1sn zny~Y@8#7pVLWdloc(iczeqjYvPHN*s~C$-0n(fR9LDV?{F& z>75*rQtwvr!2ZQWZWOrNy11Aca3^xyuvH$=U4(eG?5VTIaI1{1LiHQXJ)y@s9S- z#uW27OJm~ZajU>_futLxqZSS17~Z-J{=AintVz&SEklST=H~*c3g)M``#1Jr9JCl8 zhdx?oKAOQ~13p?xWHkLIN}$}f_{Qsslt z&592s7$|4OaI>PL&5HMTD^+r_?H>}K2%(1ZUJMEfsV_MMUbu*Kr9j^AlQM9~+d{+( zQ1=H?JrP~)tgEK~K0`PpQ1>-d?HlSUgMm86zahkR25~PinMj8?`mJk-`*W(qA?|tB zw%o4!`w!2tqL~mE9qA(XL2vnTS}p;_E)@0Frl74qO7N`m284tKcO|{dyFZ(@##t_B zo`3g;`fR=XlcYp$>4*5*5x)Lyw<0a)djI(P$q2`y1W*Hm*{Dm7whQshQwu!x)Iy%+ zo=QEme(EJde+nwUinP(+2NUvZ3F`jSQhn_PoDZQTS=68eoL`5keS`B`2L#TM$P9PS zI@~>*VWI(y-Y?DCBZwu{=o-2I5mn;IeUSAi2Ol4~uV+QGkUJw^4lQ;W0`035y6t+s zE$pWS3l*i!8=Q%a`s6m2GV4$@P?WK6!B5$ThsfENYG$JyKQZ^;#Ti73p?!ix&)@MA z2^2*7Nh-1?JAOZxAz>0r`^%`>x1}A>j$e$A!{tzC%b`b@Y{1lBm5~=ykW8v0N~YW( z`8$Chrb^t{uChKmGPV!1qFKh)yU)+rxwt5t-r+2kazidI3Mtm`tX=NTdCI^VWf2oj zTgUv?1s42vf(7w2)tw1Cg000iXN$j=XiUx-|3sB2U~8ZeHp*^ji}53*O?WCa_LaV9 zyR0p@g)Wl36i$10B_}1tl>RwU$W3XK8Ckpz^`dkLqRUE0wFi}dYi`c0HRxef9Ctm9OP`&n1Aw%enXV5Ii3qLr*Pho{0z zOW2OaT=R6en$l$o^Oh~?*RM^xg66(C!MiTErPV}rITQVDY3j3eTRKTeC$l(ANtKb3 z>VC#*`KWkwpeM-4f9G&_Oo~#tO{bf=s4!2u~AVFc9 zQjHV6^sH0gU&@dTiIe_*RP7sT2XyMo_&0>v&S2JKG69$!<*&>T1do2|8fBlMN*raM zVoi5sik@IaGg0>AcSAK&L(YSDc&y3mJo=BMR-(+3<-yP_%-a_d^CoN?tWS{mf1(b# z@oKY?^IsAq#f3t&VVObVUt*#XZ$QipEiq!>LRGIFIC~LMo!U<+-Gb@_uH{BBKB1Dr+8x-Q@x(*VJ_1Q{f$8Sq8 zNIq1~py9$lW8r_KTd9$YW&hyz-Voe`SJ({-K7=kgyhX3EOW6#FLeGSH7lqUmsMASX zeD7KyPr$m0RG&oeI%|iZoFPOK=h{WpzOimVp=Tl+hZ_ZvVye8vKi%wwxUbD!yp%!e=H%troDk|lCv9{NKa#pl0=iK1L;W9CH8 z_5S^#_Xz$FdkgO191PZ75Qbo9y@xSMDDJ#F&a%0lb~+VC%!3lJ}LEKv&Z9-WlDW&LOs=IG_bZee3E z?j{|G)0;A?z#X})?R&+A&aO&yCWj;6i6RQq16aGFJ%!gv+FOeVv>)n=_E=D1l5RQF z4jr719Gpv-n8+o{cW}6|kaN9%2j{m$2Zvr%K0v>Ly7SL5&ct&OPAl57YpVm1Os}JC`~b-&yrLH29%Q}7|_qruYxle7rAZ> z=%+K}Mq)rekE%a02GnQa(13PkKtILA0tR$f+>n+{Nt6U-aN7r8n_Z7Lo=FLGZfrI`y!kQ_OW6|yH zpzPpjOF`8oQVhQ89S;Z-aMh6NO*hM4Ekjr&%U%an`^MD)-QEs)I7HUYkX2=J0c72r zGsT@jdfqjdK2DW5m_EeXmD_nAOwX{QnPB>}5ty3(;?<#BWTwC3#FujTyoYt_y0ss{ z;CmBHm9u9EgB`)(uXHPE>kWe+jbN~7*;*d^BY1hvpjMhummCb25k<6cP_>sF_F>`R z+4Jm6>n)-vxY~&txhQm}0OjwI>TsakDv&2&IN(SO@>5Cu<}c&+Ba4XD7ac= z;}9-8gUjD#q5-(PB)2@RFtx%TU#CR;q=H@J=bum|j-Q`n9mxU0$Is8OqM7)4>+M#p z-f%T6Bh4jSD;b&zvs9+Fr)w4QvJuxPDoeJ?eo!=gMfkO4Ggv)-^5`4G4c-15iV*P! z2{y?GJVeBf5b=L@D?96rh|ffbsJZ!)R#qETH;-2x870-#@`OhN!H!s^2;^t*eyRi!>x{u1Q$xiOe(Nd2)x!0m<-zfU_!Cc2}&(y}dzkSsP_MiSr z{mc6P;myd5n~^VL5(98ed3O{2Cd#GUWci!Buc1mDPj|7l2_8$6Hn*v)qtPp z5mc*dw&EKzMQLbK8DpQcoCgtEO#1S?Y0o7co;&ih%tY=7zWNr91RP7tp&JGCG zhS8Uav>USg5>+M?8OM`UsA~lKC91>`%wV0!O}>v{WmYs3!CrMALU~-xbZ8C8OpUOE zTDGkkVtoK+V)ls;#d@k6A=!r$%#aUjh-4ih*$29nko88g-v}|nwRi~fpq6<-e*vD^ znqeXYu5Kd`uGGOhj-unjpryf6o`P}zk<`XNE({10VD1m4TGb8AeKA9nBrx|)RP7t) z26S8)@^HBS+1dW*zhiO%r0e*-MpUC~*!v5r#9{9R)}tIBeAs)Q70rabzdaop1BZpP zE-spQt%hwZ>2A$(Tp(TzsED;3+x%<+K}T7G#FHvkiRZ8dOPx8>idrgRTb8H+>RODd zs#bOt$0%uZu-RLW!W%J!`Wy8YobHDGLa#}3*FA^kWi(9xAWC>ui$KyoDI-KHoS8%O1=7~*UN#zM%=P_0%ZWX;t zg)FXk9f7&z(q>^(P2LK5l((^((uP=6ujpr~%L}~tGaCbw?9a(58PQbnlT>4$ek(_8 zy-FaQtdpxWHp8}z6sxM^#9uVzjh3vMYM4!4WXvj5+!fq}tu#qC$4i=16uys{7QLc# zx%rg0&Ho5Mv{&$br)d=}cV#Q zZuYr44X$pIn{~%(*hQ_WPt&kBdOL~@+Xf@@{_|7bw%|$CFtz3>Zye_kE<6aQ>Fq9A z#fEEComs5miHD`8H+sKXZD>yO>877(YUe3$Vu{}!vTW3!pp!VqRcm#8*~+^?B4P6^ zzE1jI8+H}nw&S!IFNrOlrC*&Udr6SDr)*iSY2h$0`sKt%Z@Z%vU9(ZkFXNoK*2I$? zj%yqBe9@}G#d00Aw~s&3sv3KeKX15tp2-&IMR$G$5;pc=8}24qwwtfQ^i-i@-lVSL zG|~S$;_cR!4KT`8-G&oA9Vuyr#uD1wf$$d-j6w-pQ)_rKfm`QAjp%MZ>FqE~9FpfX zvuKe+*7PPCZh7WsW*h^buZaJc*KFIe^E%$qR@H1UnMf_VO>d{waO16vuvVJh{=_ed zCMv&Ada{GJ8_^Kdz9RlZqO!M(#^8WaI#^W2n3~@9s%kDZ)FllZFX8(p&1`xvqqKT< z2?w!t2nV_`7-L7Fab*k>95G6HES1Z~a#J7mc94zAM~}Qs1|({GsZm2hYR#8AFqS=F z%WPAH@jK=1WKY0d)1m2)9@QPKQL^&OHIk=Y+H&1;w7gi8Nl6h$#D-%a27%hboUr64&l#yV7>X1L9}cU|x8sB85+n4&=ui(C@vNkIkeq#52%>8@LM=I7?{*qN=b zxVmM|TK3Xh)4P;PG6GOC?`kznkBjLT$MczMZ@3Zs++mlCiRS4^)ckcp^Uze4ME0y^ z&l;LrW_>{C=dgOIqO%EL2(+k#x4@kk_x3|3Yxz(;!vW--I!VY=-Y#dwbk*g&j^$64 zmOxE!3n5X{+vd~|x|V-y1A6U%Q7>cP`PV$&X^K?EjJ5j_Jpy{LzrytmTxKjp?X!(K zy4V5gT*C$bxgB^4(qk3zwoAxBU>Nq0sX%`7L^%YZKzOSb!cvH&EzBfAW@-hk1QlKZ z3A(1a=;YEON}bJXz@KU!%PC||B7^ayx0_m~DR;DLncK9dyv>?~^1RGb?Dr=d`T=@E6##=b>&Gjf zLJiglt6MohE`qmRoN#KSGPY;KhKQQ&MFT=a0|LQ}sO_ZXK`lOT@d+;nc0gQe1*;lL z6f1g3;$c{NLTr)Irg{@W->mAMST8W!wo5p1X|hHCmkr(|EK$*F&~{$a+X_Fc%BL5| zH+H-K{An8TH^8G4o1Dj+r=eX4!i1h;mK?|v?>IC}vBz7($4n%)8fLNDD3J&*ku*$F Pep=f%Glb`j!tDPCnQ{|r literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.doctree new file mode 100644 index 0000000000000000000000000000000000000000..5f36e02e2b6d20b913613d02b499ae102a4c3f10 GIT binary patch literal 63155 zcmeHw3$Pqld8V$U`_x-t@sMS=Z5)r3`;cX?0~gsC$-+36E?!AC!n$H^-qv>yd6$mH_WwJwOlr> zvgS0siLzB{)HKs=KHl8_{^oa(n~btU+!!xaRmZ_Yd>%E`8vis=Zq%bM%WCPot*ua* zhBxl2tMsa=@6h+^TlFjTP5M6X<++;a&Xwlwbu`*Fw5GSpeS62^sB*b{Thh=I{dpH|8Bs) z{ls|)k5~h)79cajT!o%_Z%x-8rNHE*7^ad#?EdaGOCMWsn`%S9eOb)3NMnrE0BSQ0b0?~#Y&2Wyvem%b)Jm_j;;=uq}dm=Ce^(Qb&vT5`g~6Y%5`oovcNf5pkP4hQl71^ z&y#6G&CONCTFF!049}VIm`rbkY35cgegFdbr2qu0Vt2fM&+h}o1BlAI@_!RZ{tgOd+YmcAwdpykpALx9B z-+3;(VSOpp>(D@cIc#=J;3qup*1BevVb#So1O@{0ebC$E1?8imeO*FMeGv24{; z!)$sR>+1kYJaE_R07u^+BfP^C)n3)yrnglDk*2o=ubjG8GFFUI^O83S7sO+MrgwD? za+3R8pXV-rflTvxF!zrUJjH$QGcDZm#h&e>16zL*4L%OGJ{7WcdjNU@dkZ4l`TIau z#{91lSO1TMtLc>f00jI-NI<$CRwhO^Y>>44yDdB*MWmMV6tS{L-g3GwQp*{-_@9HJ zWUF4KAn!9n`}7wg)ze?! zg1-RA;0K{Wd?QpktkS#)(@{WW)0?6Q#9FRkKHiK4OWs)9PF#OUAM++w8r3QTdi?|5 zRME9cMJT)LG%KGV(R|=%nwT@wQ@;#(`=k0kP9O-roqQjB4uFmUdC4+eae+ZxA($jH zTD8@>F5uvq-#|a7T-7YAc3FucWr~7T#bj#(N*NIno0DTUtTY_0tX#w_8B;tCLi0p}t zdS$+*y88UmA{uek;`)+u_QrF?X~nV7tm?A1qpDhY3d31emyN37t}A6sE9vhF1z^-{ z;hsC*wm)ccwfL^W`u-&atXMTJXeQ`jPOzZw@!r(6;G#&b@|lDW&_kf|eylyNa;H4$ zjbk{PtyTr~sys)n(}L0-Z=Y041d6_tpeXJS3f^WG%kh{CkP6L zg{K!)+l)t>%+Uzg4?iSEtvN#D(dRzzpXjU|>OFKoELX z{t90@HOIfEI&AfnFDE6;vGT`w->xx!4`tgj#>$^jtD=&>Ob=S8SeZ&*`3@>D?XJ9l zPx=QcFH#HbDRkw#R0Zocq6WNcVDKRmJ67TeTm+};?M%W=5Ef4a03-uWC&|1n+XR4>PBu9$ht0*EL!rv5i1DE zb?8y_V3eEm`Vc1DSg>P35z`bR{hEk$Zvr8PRlT5UfM`f{8wp?Wq zadS;&1?ctucORm9`=_P?J`JR8&K_v>Y4F@hE|Z9%KwPQ3F|$!y*6ikjH(FJfwJJW0 znbt*w(9KK!Qc2|`$uZ>NIC_bASot*A8LGz5voJU?U7t_NBEo3K$K~Y*PCmG#AQBHk zKY?3`V#Nn;J4j`DI4nl3Q#DOBStCvm)R(mj23yvfrhpeqPA=le>iR6>IfapbmZf-=t5fc~p< z_%C$)a8KiSORs{A>_5qYPV9dwrn}eyo?0=qY8m^FvGs9(`3gJE?6u$-_#4`c_G>0r zu&3?`x5xq}i;tpV{Ax%1{5X}~TX~xP@ToEBM@Yr8RbFqQ60f%`WA3fF>EokOOw!1U znA6l+s>dz+dvK9TL0sPj+URN>8+HW%;Iv{+E9L$Bm6;jk1exar*dS)RX_L;vooWMn z^{Tm_ro7P{QJjG@b2Sx5t<|x0%#5InIXW^6Xp`UZC(dkEq^MQEp3|t;Evzai%eJMK zORD4g`&=~Vh5s%!s?0&aomh&k*ziGCEo{HAVqgQAI@llh3~X!obG;%~1}t+`V33!+ zPf__wM{@l#m+KethuQl^r6AZGJr={#Xx{2;=mu|RK%`cy>#AcoBAM~^ct0qPKa3Re z+lkKPj_SX2!oSG~&n_y4w>*GO31-=bLVQ)X@*OlB-#~bzCE5kP)4o83bFcC(R0)x2 z<8-*^OCO_Q{yh<%8R{qfu|G^-KH;(fXMeoMF>Vfl)dydro+meT(eoH8NoNz{{Nein z(-KqSGzM=$!*_V#j4n-bBWHsS@G0WnT=(rK%_c54gzWx+V!`|E z-Sl@WDh)(hN6>H=(i-9U69|CtDdOdsZpM}-t4u3f>AnZ4wDe~JS((CkE_TzKi%Nr# zmHtc@g34s%&vi4jcHGrSIaK?yz{;n)>F*;0VrAuHXt)b*j_`COQv3bF*go6M*nD0l znxdy7iqI58dGX=LMWjh7^V~o7*eLQL$;rL@;O$t@&)_} zK;1{(*o^asd>6jW(Db;)a-YOKm_bCUQ$nPwuq~beMyi#6FR;i9vJ!kZ8GMc8_T7$* zz>iPA!weis9>;uo9J2yxfD{ireFEbTBQpOX(R6l*Njl?)X+L0OW)~Hs(Ml)5(ht#a zjvwMIiiZ}NUVYc*IODQO7Dnd_LCWJG>I}s1$D|QoukEJit5Hd2wq5h}4QRL%Ir6ywc;)$GYk5(E$l7HxBKHk-yr_(0C70MzRnuP<$~E{Y*C!)|#Gs6>&SXPn}EsTnbqHL8kxwPpoXU2m>F}2XQJ@HY* z%fIhPPyJx=Z_EdgK@De7 zo5AAs-Hgr`f|SR(!Qw65^nBBx`1-~!`I;3hE_5@x6v<@qi`h>@S` zW@v3Vtjt*PkGkpbD+A(XJF#L4J2PX&7rGgo&&@=vNKa!BoDwUhl(}y}kx2yL$xhpf z+5U#b8FH+TEhfra{VZR1{4`s4l(+gRUX*s@Wk*6NX#6NI`r$TOeTo+ia%=Q`{?XP+ zZ_I8i+c-ldWSvc&406$&01L!N5o?vPxXk4vyNXIj`8`qA&udt^!9Cy;VxH!^_k z{?g~`bsP(xR^Eo3ZxzV^r%Jl1A)OtEiGLCq@pwaNKW|qZt*ToqE7QtbO?<4)PhIP0 zOkjYl$caW3**laW?`q1uNVc0%2A{sbJsiL04aV_#=bT))ycC zXs`Mzgo1Y@bcs@ZQnObN_oC#1=h@X_C;}-92~x5hkhhs-Q+X-P!3An74clmXZ)nE? z>BxQMIJXdDMV^b zzv-6w!@>!!C$_*R67Vt3t~S)JIhVG92hi-u{q#UkC? z5nR+U9i7v1kZKILL(W=*GVo@nrb^|N!UeV3(D3G@hFd{Qo>Pm9dRS821uZzAHCMy^ zGtnU}jcNgf%L>kSu@!A)5p%-bL`|@Cyp(ge(Q1NsIB20 zCGIJ_7%fx@C+t=lbjb?NpW$#DGOP)OS8OEYsmQZOb4m#ijmKa?tRDKOn_8^;dI3Fh zlc9t@Dh@g^aSF~biA5^3yvae2MKGa`Adupsyx>w|TVvxpeKSe`gVTi;cj*jF6H zX2c4Eawa26&>7MQi?&}cRGhcrdKeAK)#0ipm{wMh;aSFMz><#7tOj)nS*mEB?$C)- z6^syl7+Febn2?i$l+CV`lkWYY+Yq1wg|oJXuu-#d0|->O$j69_5^4@{7$i_g$QkJr z4jjN02L2bky^G$(_`*U=4Tlq5UdlhI$fV~GA5ov>mWJlJAH#%>6)DFxWTR+*q=0^Y zY%C9!pOtLK7GbXE3-mvbd;)(`^*~v+tSSY;5SIUOh8c5N!8uyo_QTI_;_zjdI!mr6 zP!`c_;~c^G5b`5GcMV57$sU8jMNesbVgu7$)kt$7=7ioMbDt853ui^0omSu`ZMDc* zA4$(w(0E}I?46p)jF@;KHpH`)%PlI*%Mf$YN;9pYQ6x2=7j_hbpQ;rHDfnV&g%%7M z?BbO=r@2iUd!VUk7R(s)qAdn+1}AdKL%^Sd6W#SvvTTi?`!1|aD`ah$W*sEbtOl;s>Qa&w9(&FjB_fq2hZhpJhcWzl%R{=N0!GTgAy*u%Hru7%c(3 zOigE+O7iduCx18vk1jE#DLB)bzh%PdK#p=n`3%WrZ{<_0)yi+-Ph8}MTs5eME*dkV zej^8(v2i|)MEL=4Xrg2!<1PTQ!Rp?Eonsz+l`D`URz;ccN0sE!ubehp7^G8CS5j+j1GZSbF2W0T@)#BC3wB=0Q53c(hwYhW>ul;tRP7l%-`!{I zObCAnq>h`mMaAOd4>H*^Am#fzf`-vMQN!f^!3WY$P$dqeKh4^1%K`lqE1CA-2o8>^4f^o)WBOnFQ zzDs(|5sm!-2gWbBnZJ-~eJ7K^7jwie0kZ#%syzeQz5N9;U#3I+lHk|3naF`(8w=vO zD|*~9bZtc9g%4eSo})>^^51`BMRTF+L|>B_0*LB!s}U6KAzoxgm%{}}@mHqkH;FQ# z=v82(Y+!&tH3FqY7QA)rb8#ZNHd1JI_TtTaK(=(XsV<=(=dlbxkX zd`@;VYhFIF@E3({WJPm~ReOf3(|v|3CZ-`qNiga|Oya<(*JtN83#vxNJI1U}QzedBkFoCL z?%Kz!M_JKa%-Vj82|38S4sa*=IKqxUObkIz%n&;=vE$2~%5u=y@o>UFBlmtVE*cGU z1mStL0fe+B@zpLXMJc%Pzew3RZcK9A0PTW3|BcibI)RSA&d~-5bo>xidxnm84gxxe zS;O3o>=lvkF`)xJw#N^-2pUF3I!26blObaKMUGwxi!Lv*qPd9i7)OlMgBLvEdTEIp zHV+M#mQs_i=@8C5{VMqUlK(@@;(-EZR{S=5hj5T;mLF?jY3M>W$ThiS30%E~7$mIe z#gccuoyh?NsJK-em(bk)M00XX^fPyf2A1>jx=j8ET_h=vuHW#E^v=c<*LN$8iMzfn z0>=fC-Xa~f=={c!#7v^j%wm2s<3%>xB;M~XR2976X4X$UjamGWtc*0~H}Px!MWt&~ z1&0n!5*~*-9?NS=>askr307`M+jtawRgSi__%wM3z0bNI3gZ;B^lgS8#k$>fHgKi#%j(cIwaL|+dT2XRTC zTa70B&n6fsXT@-`pE=q8^-eWOuByF5mKj0>olEaGR8gC9h$>x%{!<|78>G-2k~R~O z0u+5ys_UIV(VylBTLMKdp=!@ibh5ut#P~FXplk?wp2<5Mg6Lhx5cGFci9^uWSle>H z>qF3gWJPl!DB4oQ5sdEco@hCW5j)n=U7La>PEN&nR(Tf^i-OZ-UhWBuU5V;)=J_Wu zsL$3D7)eUxUU`UrnfN!x*ejPrOpWE7?j8SrF~Xnd0+qhQVAM26!^QXwEsOk$mc=5w zqa}6I^gWlI&J@%MEZY|ACx!iwf0YtB6#v?|3AVsGU=opwEFZ}^Dd zWuhyh`tJ^-wtatiV3F>{@pk~z?(vA0vc$`)21{9r2YiC`#$U=32@&-1Nh;EprL4zu z)I;I|KZdG3yTCp#WySb4oJVBOBYvLAooxrkE@u;zjEaa#CU*?}iq>yZCGPY*)5=iOTsP@_WbDTw+IQldgFfU z0t>#9U_pHEZbyQSV2Lba59?17jmbIV@7xguY_8DqQ{}m|#rP4@COj1e`a(~%y)Kj6 zLKjJTg!;%_!ss5Sp%2UUVWDlrcKnih)|T6P6~yMdtv|>SKE+o4^pU$Qc?Z2uA1{OfQ*hs9 zzeAFsUHLLIvR;xV&0VRF^Z+UtXm?TbEapl(Zwo;RQD-7u;x!y>dzT_{h~+>Iq zG0NPfyPErrNz^9CMf#L-bTZmq99;J)aQHDY4GxE!sbj(Deno0EVkDfG=<;-qtR+zR z>!{i@6!v*{k@0B=gV`|nOHAH?!7+aCxu8_^s$&#Hg#J^Gx(J~-cS7jc>nqvyeJztZVw?D#Mf6xyE4jt{F6A&) z;x6S1)@(Kc2`*(fE1DbE+#1ZnBf-+|QHbY7BtP`RObeszv6aZ@-jiUEe5jm3!-;ds z#Q8+0nj%-l-ofXI5PbaK2I{xV_nY-$$N%A>;0Uh&(?g5=cUu;V^gAl4X-Ux~dV?l2 z1(q(7_VZ|V-0xn%q;;unh>>jGOuLbz9Fjox1E|_FCiVFey?|B2$#(W+`#ntLaMjnw zf3hm=H@O6zqiP)k))Q2T1D46Um3wi2{q8&~ng>|z=OX>vPP-no2aK*E@PF{E?;en! z;!XE}X&12x&W=|d7)2@0?vF@I0%ym&7ZmTS^tLYn_#fuzfyCMUS5*Cxb9O$fhR!bA z+5G_%Ih@_jxU)Marf^UpQN!fs@5kbQNtL*3`y%V4E!XyYtZ1HV^FI8e`+J8$p#P&x zVl<2RzX{RGg*2Q+WS(yLhfZ}|ZbZG$BBBH7g8?kwYWoNpUHvv#dQ$N7x@{qTj`^4n zS-|!5vM=y?4O;4Q{b~+XdxpmC!}rnityGDl=j&M~ za>wjX3|_;E=A!3&^U%|`(7ay<=EXYtHQ)dpUr7=o+rKv<8ab1P=$DCpCp*w966DOvylr5;KFcgQFn@_1;Iy&1a1h0Rh6a@gb@1cd|zI-W=ge zrj3uFYR|aW=fupAS3~5>M!pM7=0Ltp_yu)AtLS;hVE19F#KF#C?aKYI4|a7{G#BjN z8G&72f89MmvVpZ9!PF-cOqH`|2veCb^=qAK*PvnQ=OUOYS+-Wh@0sIH#6Bk)I8oCa ztk&qFZaQ@7un&s|&R=9-S`!eWqvt{+1Ento$o`bn-_KkU$Pm2FH>3vA36_05M?)l7 z_5!N*jAea3dM>hS2xr-F_9sm2fU{Q@)}|F^8u;Veg@|uduw#7tK2_rQ_EpxA+=2V} z_8(Z$TztFzs8y>sT%4vfOeBJp4g64+qpZ-}&9zFnL(Vly%Broh7m9|jH5E5qvcs3h zjvsjkPlCkIdv7R0tnuw}HpvG(M6682+6+d@)|6n>!KpW{FM~#`ry|7C++tZbzTh%F_UARo>U#4j@)x+NLi?`HxBu*h;ss8GiU^KYmUN0^6LCvunUBg_M=XfDFsbQ-6&UH-Fu z%o-@Wn=b}qK4n`q#nk~eV!n5XGF{b;kmhpje!JzMu>ifG?0RaLGy(qPePGIQUIjSLn zq5p}hJ;P9+cd0^N4W~HSQ=C6zG6xd1eWN7R=ops%A64S8^bOXd+<*J9^j}!fTv&Sf zWMt3|AV|ZNY9=mHvyD~Vtyzu>M5+O`Fc)HLdMzN;kKb5QRLrt)aU1K*nO0Q(D^H*X zsAw^&s@jUHI7V3`*zE3bwr~fUaR1w`76u6ZVfT)>yy7>(jWSj-uLC6*F@=h+PgInP z%)j-GdSl05r#oT4&})+1fuH)GrD6JeC&J}?0!as@j1WC+?y2u-#-40WN?hzbstPXl z6+87^d1NfK2@&vE* zuUMV9Eqhl8_YUBKD|6MQ#kQs@UhP0_e2BNs12bWSv6g`y1g~MoU%IapG4?dShj)rW$6G7a6yfEABcb_mxkOZcdan zrzCtIH!ZsOe64xO+v`=LB*)_EqJqD|x}<}@E~`akWkW5JtT)lAK%ElSj%q)jEqRcm#8*}}Ui zqV4neI^}T(IMLJ5vbNkZ%yJ2FF zx2TyVtBg`jZ?fU8%)D{NG4T1y_{*YZ+m>C_ar9 z5>?9BQ>;Td(2cI!7#xQqg=$acEwn0>SNw^@w18-O(CltGHGpecFlN`n4PlKWC50v|p2HNeR21hGTI3 z+=1iKY{LNq@u?gStU;glwqh{Ya5q&K(K#C3<`*lj7`Voz2`k=1pU{b;*;ED+X4@AK z`4(Hf7=DF{?jnbL?1x2l6)_Pl1#8k)Pp`hd;PVU|)wXOqARSWy}G``$g_?SoF%ilKRi11LIm(vVBuPG{Y8 z)wQCIX-<`eP@WReVnacI|*suVUZ%*J9NozsXp;56KUp2jb)Q1}-xe zqW1Yl9bIe(b*|xp|J)B;g7#P?TvZMo2pq$1auv9FCs7VL6j0u(g{%r9X)|+4(3#q@ zR)z_$g9KgETy%0p38l^#HQ-FOh-ni}V3Wgm#M?zJlgJ&dy25?hC2x~vUT6X-yb113 zV82jBz>WdqaEmUs*Rc&oin9wuLA6}CRJ4J8c&GVb)7u?;YN|DKg~w=ZCHyjSBkEVK z11PEvi^z>KD>P0e_~%09w_)*>&(QxW0O!h0DBbWTsRSV+mFHzHvGQ)X?DBx`q1x}4ruH3m{LqyHCk^v>60fAsf)Hbs6pcWsv_=J}OJD@JL zWvd!$6f64b#KW-kq}U>(P4y;&zFF1Xv0mV|ZI^K3ie!uan+@I+JW9fyu7_IOM9n5o1T!z@)BWm3Ua S(uS!r`A*->5S}-dXa7GMf%d8Z literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.doctree new file mode 100644 index 0000000000000000000000000000000000000000..00ef15e0c29a0c4e1610d6c4e68aeafa640a8786 GIT binary patch literal 83325 zcmd6Q37jQYS?{bp)7{g{teIq%+$1FF3F+HO2p}N~Gm~TzI&&E&3HTu4QhjfA*FAH$ z+`4yWniwBEB-6-D z&%kuus&me_o$ve3cfND#)C)Jh++VYH4gD8P_-(J&JY96E)n=>e`eCrS+N$&#ZnGOc z8XkC2_&_)n40oJUeyi81xM8pcH7Z`MUhTNe@ZK;Or|R8W-7m`an|!y@t+krExwp|9 z@;2QYPI<$@#%`@!ca5T8Pt)yIoO-e2E_7VqN5kSmyLiIwG~Ieg&CqJYUG8ZjXK>}0 zgo4_kwgcL_p|>>{E^B7I^}&$jp%iSW*P3ov>diU9h|}$MYID6Vcqd-h*Q!48wW(5f zd>;?-dt=jSh+mtly>@gn=TuH~+%8}^G3+(|#WxqGqXjOZ4pdBFfV#kN@_Rp^C&3S8rjkRXgJ#F-u z=uGcI2+O+&-E#^4U5bB~c5BTASm;)5a`T;5v+FjiVKDS8r{06mHNg|5V0gi8y3nasC&W$Ffr@vX zMjJPy0#O;jPvCY$-u60m+>Lcxl`^R|l>*&H>d?h7*f!s4b(^iOYZT6|4aUgco4rQ) zG-TTd@nqbG0<_DOR)gG#50HDr6Swa2C*@O6`m!=GV3ZA{#g&3B9hgX`Tdun&;RR;b z1tXqQ*S8ykt?ua>q}6r0JzrJY7;LP%bG-$i8$acAnvfN0bX=!_C&S&2Q*nu@a48tC zHQT*z*=<%@Rn!WD;a+!s`X{FS8h-DM7na>lr`0KYPP1Bfp~*u;YNZU z5(fJcB?%DTeZjZ@8WEtH?u{2DS_YHEfDb8okWU>9g~3?eX)g4f1sCG3;(i^xa$$qP=a$mxb(`}$!t~Jqz%xEi_ zKD4{J0As1w8nteCbn^0GyzRE(^5&(H@t6eXg-5l(L-89PDg=hxKew!3|Ihgbpn_cI0*{dyhb^L>k zZK$`%Jh%85^Sb5xdhk6y1ht*ti`#O&g`rc3c3;JFKo7c4_ykCqix90(^x8l{u?i1B zq_0|r_OvRs<~(#jIj?Qx&M;6W>eU)#WA&CJJO%|2Cqn2N2|rk)X!HRLKd^1|9=Jsi=r$=r6tRUC+UahQTm$Ha>r;}%!wSJcx5b|}op!74 zB0ddv8Fh`|%IFRNA!)#*!(ge7SeBofb zU9Y*-!kuv5Wan2F4z&=ew%S(~j<}tM(_AbZEZtmiubcM^cexesw%%OfNMr6c6g#yB z;CODWq3ePWaOfct2qtcI=4wu}Fxzw6ZPY`=*1^CG_W@a7U3^0Esxa7Lh@&i{2p5(& zCIbb(H&0GE7_GGGb@0jiBp7{0rwXrBy_p6`^yYC20C_YSOu`DfonEEeLwT2?d6abN zvYD*2+B${)SWgj=_o-emt~`?udBc4msvObY$`2j#)s=d$>QXUzYwlS`$nTVScc8w} zABY}!37>idJJBQ8!Dkc>9=pA8T=`MhGOy%AM%}WQrFdTmwyTGy;K)_~!B<6(g&x4} z$HX(J?HqK3G$)^Y@DJmpkw4l9-;d!u*nAgV`J)jE zP^RbLui-dHDBwWsMJ2sp=%ff<3HG0Rk9qGbJrsI>;eDL{2)0UNGI{{fzy>Z#s`ydw zV{8P|S^N$*aSMVJFiYW3{?hv^0c9f`go98+JP(HXZF#=Y4NIcJW)(?=-V4N&Q8Bh) z#7BS9%tnnhjws(P_%5r4T(Eo!80@;ggJAiA;{B@Zf%~EK4}_v&VZnvkp6-^NdcAe3 zJl}i43l_^fKEZIzZD~2!Bo{hlvky7HlRA<`eI)y-$jw32CM}!1P+Y z!27KCPol?Z#*ZVw>FF$rB>F_gp@>NvKpoOybI7 zmb@eiw$YTLHAgNH5ssK1%AyPVi^?#jr(@d+pfX(RY&kgunObR zHXdHd!Kyr8cQ8?u5*}|O@dqumolzV1a~y+n1exXGY`jTgr=F;dPpCGCLcT9o`APcs3~I2wukTo697Id^jdX{ z!&?2uxZ|e)UZkfULk@+ylRsAe^2pOR^Mv4O$jpT5q2W1QbL?Tf)!SP@q zZgy+)HHy|Y^_nM|6l3T*f)>9*!CS~)Z8Eo+H}7F`$)8IN;179386GenEuf;S9!YvT zt{!7WRY4J^m)&@Q_Z{!Mnj|4q71^i>qW~a81Xn4oVZC@PxS+>~kfpinsy-qX@OA@u zGpRt}R_3!Atspx%Zw<`7#4Jb7*<>rh6Zf{5G?G6S)2c|8q6SO^6E4aXE@_q~Ib;O# z6(oeXImAUR$`Q4|dm#mj@HAe&mA60DsZp#zBMU-`5kzRU7odq#*CcrV?0rr<%n2UV zaJ5yDlrGz5lo^UE!w2v4-WOC=?~BoI89*k+6z`kfw{-1qd;hL~f6x2A{`~{*hx+%| zy>F=Bfglo2w&U~>xswx#G*7qOYg5_|qb|iMsxy%Dt{CN-5w#db32#V7~6=f8nt7J?PD_39<7xB4!RKAN- z6%`>(E@n4khN5u@ITB^CE97q|ghxE7%LNTQyCNaz9+TlcAy&|JnfIlL4Ww=`g%PB3 z_^8bj{!xEsgNKIPsWyYZ z2Q&mU zMM~oep>(|z5Ujgr3RBE`4uq~|MT0<&5|O|n4;AkJ&+pQF3?4h!|OU7 zJf$c}^xAo<4)>sHT1Bak^KZTTjynpagGX;ETz|{agSX%Dw1YR_eEgO>@4PY8$ahAq zWn#TcO9;V^I}VnP+d(*&A^7WIyu;F$fHxxG@zg*`Jem}bkQsy)a~}_ZaO8VL z33)E@tAUvvTyMSCXd-Mj38XrwF-9Pq7thZZExN5XUyDKRl83dlY$EaQ5H*tHOAM?L zJ*;cCBw5=XTJ$_ewAd4ss7TK2^u9_w0|5Vqv{((RHc(^5 z>Uac+LS|BL&dT}G^NxET*8I9<&vkgfubR@zfh4cvirF^iPrS8J)J2*QLxk!_qlDI; zX#z2em3z`&qsVDi5P#9!l9%j`Fv*fgAi=ulU8MANZ&VKplF&n1&On+?P;lgFoj>BU z4*_%-+AhNwI69b#PNHJIN}B}=B25X2eB7B`tBqoe+C{1+Rp|nH+Hg*|N_Q!r14*~A zrYWmz_o2^qR}8)?foH^6TVbDkmB8#ulQ870KF(eXZ3`}ZM$;{TS+`(By_C<@8R4;` zHNWE4G2Mam{m7)ZDI_TtJgLh14MLTq+n=U95=*dIEy75J+NnS^TbOKjv21}9N>9mV zw<@i4TF7ANbsMb$gaT`^!Y|MY3}uwBxMBLIFMj;e!yNQOnI=Ss(nlxd>kCw7pcO&?pk#l#x+|6A=cnND_=npL`p-EE3qBs2=70Ni|@Wl#zj@ zMm!th*VRPw5*bj1b5{h5Gmg242)rj|dVXhSuGXCKYP6>zYGTMr!xe3|>Nct%YE_63 zsa1Y>1-_4<+=baAJkdl=LaT(9Mu{~_DD#J0LATO)60Z^r3t?d#kXPcq4OI>kR&`1UqS?*I_#|Oh=ISrKEI17Tn#z_o1_RpeMY2KRmhChP7{6j+9V#sd{o10r_6q zo1{3qKo!@TNR=YG(o)dl>G`S(MiVqX>4I>+%%f9*=czSw8OF)g94;XdeI_fY^`NLq z9}M2DU|2`6Nf_-#u{IP{nb1}AYN!~7wiyL{5kUx&)7Fo;jEOt;`>41$s=%l8JZ`3t zL`AdvG;sd}#xo2*PzCr=ksDH@-JYlxty48>*tH5(6R6a*N$oNyFSJ?+Eu+p*-L+fS zKyZV!mF_K7VZW}R*6R3%DZX_MmG#KlR}ITOCn?6xuj#klN)0K)WX;EEm^5BHRV+;L z>>@3wAWp&_LfUa72keUmRi^ENy5?nrY8rv11iUp?9XufgBkXBgtOT(PCg?IUiWhar z;8f9$SSuOmslxMhA#4MqIC7*u_X3*wow`QMie;)O>ds0JqiRD1#Ci!SLO`Ku*=a&F zaMo~8s$4xxf(r0m@#`mG~dB@_lQMU+L40T zyH4{%?xDwc;lg|)_H-A2D)#Tu>>=8lBwB6f0xFF<&N1`Zbp!KDa>rue zRBV9Yen#obPF{frsI)i%SKGus{c!ffqWv~rjJhJMIabEPdY2yqDNF>SdFp4RhTnh!*kQZiT#wSA)Ok( z|0%gNfa$O!WYNRM+cA+2rX?QitEO$&+hb3}6d4v53}Ih3-`VZ`IW{wi?R+}HvFVuH z{H8YadGGUnmo}&HS4+gckcXkpbE|)&LGH3oygYIc3PJlovCm(N{1@Pg#)vSudmz4E z-NCLTJ}B_m*ATZ+R6I-z?tIKXhKWNRxzKcTl%6mQ-Zl_xG~C5IEhcPJq9!y$IaWAc z-igr1tqSEaN6qJ(;0I7Ns3^71j~o+2bQtW9q3EkTFk*|OV)Tv_Vexjq)kT`4a@-iQ z2Sk6S2T;(=XQo$pCV9xiF~ZH8a>gi9}k0PWVf^L z5OQ`}6Q7z5G2NVFbMA8(n5ikmY&L-z(pKY!Qt9JH(9 zRlIPB_s&KBQl`s`6-s>WPCmo|5ZG4lcIkYJ^OA)%kqx3U^-{8ih8MN*_Pg3nuO9P# z3{?O81T5y9bi`UR&%Y*0DVIyncP5^T-8JFt`ab-0mJ1pr$@05ZdORfHgtJfS1v})% z7s~I$cE$Syc&~L^>^ZiIUS0BnM%%idd;z28{&YS>kX9QGT%H+k>$-tFOizD2xn`G%!lu$h)auuMZ) z{3-SgEI}PP_{mSa{B@J(KZ#wqLEY`#@k;h(U3S50(Mn{K!Cx}Rjbb=k{q`ykt)?;iQ`8`$@B&6j`Xezr%Kz3P%5 zupjHP*L?4@?ECueSLSYFL%QZ0cmF5*7hU$|fBQxDO?~(GwRf>gRn6Cr{BWH8NR_?* zx*NX3HtMpQ4!@P{(szeH_*d+6y5`*%zLMR!A^tiWX$g*+>jVXq**I$mp|?7<6HpAX<=P z$VOtcpqZa&Lf(U#P(R}TB6gWk0ydhMQMhPIuEvT!gioRcxuY{gM!w4m84{=h8Tq&D z7KX&N>W~k#YN1t!{G?S2-KpeDsYSZ78B|4jKn^#%iP1%oev((trpsueRfjyc6_QAG z$h}jOGf*8G3#{nVszc+&86u;>#R{2L9U6eB#p6?r!ssOP*r?z@UhU|hwMY10LPc>siHJ!B@HFBBjs%pwp^u>+A@b{9Y>IwK&nc0efk<5mY{bOl%n z^9bxsD*-Dc9Hm7CD2fpYRHlkXvNrug!kff(Os?5SzUL9lhvddj97OO`P|t3}9}!(D zcX{us&gDvk9)_0{WFS7JsQ|HhRuLJTYeY(><+H(&fgtJ%g{l{f;T2zc700Qcau)sY zVZ674@XMj|?4+cxhoplIGRBWYjx(KxX*XJ>)x&;wN*-(!Z%@qL7i8rbfZ8GU4rxZon zb0Cf{_4cs$1Cc+MeN-tOJ34_J2+gWfU~f;r=1DCL{KJ;OY0i=Y{K5qAYpr8(d;M%mFf%`#TRMSP0QDK;7P)1QAoqS z$`Urs3{zky3Fj+<8u$&Cz-bPd0{jB0@v1w`9I(dmbW0pG*-XKa6b@zTHSA|w!lr3y z3T$;2xT4>j0Y^xxmPlvJyGml|zs8ZW3wa#5`iI1`@DfljyQp>^@Q@m>}aZzd}1=oQbT*q~e zCKBgCOO%w)NkO?=qKtYL@Sz@EqR0=jVK{2G3$WcX%{Vz*Yl+Q{*r6yelD(rBN5?c|Xhb<9N z5-bIg3gP02Np`d(6Oa-9?^@!gR8tE6bUPJU$Oy@XO;*uJFBqXOH6)T& zJPXBBOpH=SeA5P_oDScx!6@azH)}9TknoKfjM5o=lLn*Q1K*&*C{w^UXE2)9^Nksd zCgFTj2BR4>-;lv*UduOQFq(z(jTnrkihL6Wqlq2gfWc_)#W!CtnjZ0u7mQ{weA5M^ zIR@Ww!Dtr1H(M|Y)cHmWMxiv{WWgxP(Sx#qmuQjDjtm4P+D( z@f9LQ(F)&4!6=sCn(oNNWdolB;|H9Hlahy!CuNTVFr-v3B2f%Zsj>@2 z)xEqb+l5O!ZOiubKPvP;y0q^R#IXtQ6JiT+Jxv(vW69sAqj^s9m)(XsVCoiJ1~FwR zs9^gg(w&*vXhV31^6+fu2X4qi#N?^o;SxcRGQBAW0#&_0Fm=5})t#cM=qWezlU@eY z^DLptth!zAPcggh-xa95p%QRBCBF>f26cIQKT`HTTj3wHU|4p}i+NQ$mhCuZw*zF{ zc)VS~hB()6&*7SSPb&JaiQJS8;KJ*n3x^k^2nzOb3ix$jFt^XXaYRCR+w0<&M0$Xrs z{~!q%7BGyeD|hvM!U_sW3+SWHu!f;Lq`B6xJ_mwf4Qni_N^1~ZXJrkawNMCx3TvQs zNIP|~w+59XP}VRg9We_54AO>lCr4Cg+rw=ZLY4M#3$JP?fYsQ;wm~vzo}RKngSk}G(z)%JIQ zwv`(Jk(q4-Z?)i88o`@+RXdJXV+8ACOn)qgX+!J(JcpNbt?!dh6!NRZS|Z3$^AG3Y z$yM_|&4FO3`5#+Um1-_J$V$!MUsHX^%Dw^wsDvsHd1z6YrZ;#Tg?iOy_2KViYJ)N_wlwPSfTdXAZ`xeeu! z9Ig#T|G6Ay(iOc=K+()L)(?iJ|7;$jTupx{2ZEvLKVwltnRG?(6HvcH=M)*5en%dnTur|{2ZEvL zw^~${nl8G?O4Bd5gbGcky}owcZm;P{haTJB_w%4_>En5bay5N42ZEvLn=PtJO&48crRiU`=y-w(O{aGt?7H1v)73sk zH3v$4f#ObZzH)^paT?KoeJ!jGmh-^*d%(ECmfPw9H!C#PVK%CD#O zilP3kJbbz8U(bPHsDI6(s#Jf`VOHw@bW5mEe|kN~P6_PQKN-)&_C3D`w5?q2iOg)Z zf0qTnQtf|(SGD7KHEO>;#`NFjFm0&&Cvtd6SNA^o^v5$qkfG)u&%=|e<{!<0V5s>= zEUHR17ae4!=5M!z3N@!U#q2uWUd`3sN99k_U-;O$eGq8;XBz4pZrh-zTVGZ_>}lC^IbJ>O6$G7EsKAU|7K8EviZj5M5?v z0b4Ag!UE_uMmsgIw}7OhkG+C)611({(G!{3itk(SD;2-ZtJ-nA8pU59WBQdjOdIN$1{|ho#uJJ^1w#NUp1?y7d|B_d=V}4Z{AKNqV{T!wZjsH##FXz&P4f% z;%w!AB4Ap^IoI&2cFeCz`D08!Cx>Z6`JbJ`OSej+(r`@d_!yVU+~^Qv~-uSWY5Yq5LB2Xk$x|M{poXdFvd z|2_c)7Y+z~lFPEY@^I$r|MnaRhW<}lRF(QKddo`xzhR*R1Qq&EXSLXAz?tj6@tSyi zo7Ho{{mS*9NY2*(pR|yu)c?DARXgrirT=lRAIRa_(Ek_YFq5wTeFEy&|74dCPWcAa zsXUyy`rplgVCesS7FDJGi{7%*|KpZWq5pJ-kevqD>wj|EYY02GSpWMVbLHw!6lbgd z?^>`f)&IS`svYyIQUCZ3g-_=&ZD{}B=kSuQ{eAN34}KCIVkrM7^HAn0|KH?5FqHqV zEUHT77ky=={O`7e3gxGht?c^WUip*3k0I;$3jV%{Gtqt`Ia~WL0L(%00tsJg|9QNs z9rvrz{=~k8n{v1|)c^V%X42KaPe22me{u`MQ}S@;>i?5+AQ<}p1dFOt|3zHiK( zsL+2pam`Kx?Dc=8$F==5$X)p$K$K^j!TlB@kY;e2SG5zuYRn*gH^b|5m^ZB9H90(` zTSK3mg3FRq0n+b9_n19cts8b!zegGFNU4L~*t;e9D4#X$*hItJ*QY8e@p>aacP!m}$cZ{v(H%bR+1K&%lT% zvEAW^c_?$0|9d$Q4CViKi>gxjMPFGd|KD0dh4RyBm3IAaul(vXMYRfMIGorDyFOU# zX*mj!-pfRKwiVm}n3j>zb-b#b6joye89N{5a=16lp`62%rJ#b#2aE}^E+X7=P`D=# zcdlLhj~obwT|CR8s93p!QRP9yB?V!)sf+ZymIAamt|0#Tf84zIOf zT@DJr%&XclzZ!Fh?}zw64%3De{80`s=~mDupMiryVr#@71aJ>nm*<{hYvf~T1|87 z&wk*w94+@)RFwy#?dDZeglDfdTMwReYISF>?iMO_$M^A3L@lhF&yujVU4n0*3MA7C zi81gUv|w0j(2auO{)6~%2;n9iYS`_#ZvT0D7t&#d7u_3rm*C%}_;)$}9k@3Pw#e`C z%;OvPet0i^7AO0ox1z&W_zmtzGx!Fja|xfe9Gpw|w5l7N?N5gr^5M&7Zm`L1!kk5S zl-LP$_=91I)#bGzuT6e+@tq&%G`{GGkLW)AKk;9%VWHld3roSKiqqycSPDiu&Z!6{ z>D}|t*xOg~_Lp#C;&XA6XPI&^5ZY%o7zoQ8Tvb99UU6_$Y46{+@U;XLLkykup5kd& zI^e8#UpoGXv5h}!HS=Cu}Gq+%;xHHGn24KYP?h&is$b1&SDai-ICaQ5h8 z`f&3{XGa>rOl-J`;`8 z@YRuX$pGcr&LwW`WGtBxTO5Yb)ZbmPyd>|*%vj_5nfSDI- zsYst!wUfeXk|f*uzuy}LGxIqzFmfi99M;lvCVk?HGKYB`WlW%+pNBg)d2(+K1VSeD z_&F9;rFGoMt6EvdQ!SywI_Q%>c6wnSimd2+L2m-BE4K_HJKHjT)q;O%8L#72?If@o z%NRE-BetgYp&b4VtN4=~w$iPlPgF>^$m8g4UvRoXJ!d_GV)7CAJ0dz4GCLh|RW&s)a1&aN+Q(c6_hKDu$Au1Y6GG+c1L%bJ$5YgFX=j z=PNTXrgV}lL+f9hhb>p@Uzh{I(E0}~s!FXFJ!Pf!&$EPz!GS*TXV?4oTCYykiHSM+ zt+o$?#+B+E)cZf?RqZ%mjoxoQaxBUDS8_NvH2;e^45e#+pOB&>b<(=T z(EZQl;mg(i&*nfdbpO*9Ri*BW-m=pDKeU7j-KP&v+G)TlbwBw5!2>(aME8l@Y~8;M zFfAjYOL$c~&R41XNzP|;I5%|vwj74ib-zzY8M-eCGj#u!Jbbyje<%lnq5C&kRF%3f zddo`p3zkr!`}9FnI}Nbc{S|&q^=Cot%0~bqJlhH$vXFor0e*&8wUfbWtYF~hOWu(q z1H&HPn!{SUJ@knyxHKgS8vF&5H|Jr_wTw69Krk%h^%hm7Wr!ZMvWyp5LWO0}$9wIx z!rn5}SAC4(H}lKCUj?ZvHw&UV+bq6h!M-$$&-1Ew0$7b%Ok@gRZ0BGB7&bA2s)Gi- zbergtRrE=p0UbnW<-~YX9@<=k*pLIkFo?AlRi#0QzOyojf3naBf(nD6PfXkCgS|nh zkG>i5&iFp{9bkXu=0G%Oo5SrEB9-QFE3azD{%Xu&B<pBc$`I5X#t|ctSn%o zB~)0z#s7sCkj$F2K<3K*KT(`*0d))3r3KV@)&CL;NOJ!3Ih-37@Uk3+(k-A*NZA(9 zpE7!B9?Dz`SjvH5Sinmxs!9tG9cE<#^OjIy0sndq;-6``a3A+JC)`fctrw3tJ>Rc6 z&Etn|o#juWMbwXj?3G&tagc2hAGHvLw1|)Js^{J!whj=%H*-W_n8w#~I7>H;K4}HT zl++QXZJFIgB*-cAzvPjSYbsyPfnb=*7c8nuQxQFBWhx)CgbGs`I|qYBG1XM+wG(c= z=CxYY;vu)|+@WtHTe&J)T!R_qH;g#s8f-{2PXHEQhUhL+KM0 zHsr6cvkXf)nny#fr93?cf?+8~EUHRN5&dXoDN~kEVJTld2ZPF0dBPVnj5J&M1yH{7 zafO)3wv~r1q#?(ZfLA^DwlbM5f%oJ{z_6Bgqc`8A8G(q2SgTG`98B~;kU=s6f!4&~X)op^24tsd>wyS0-}r{;8B5euhT(6_+L z$}Nc4%C?}dTgXRR(7*Dk=iY)YUWrV0?j9@?!=|>O>Y#x&-KP4)7aY#DDGLS+E1Srp zE7!`l4^R(wh2+HY})}M@y~+HF6*r7Q`&7N(&PG zYGpyQmQZ0q|8WlDy7a{oG5d_BJHHJgS8gUmZ?>8ImIdR|Oy0?>rkKg9UNIgQ2@r9L z#gStXw|{+hxD6&Q5pwkTi4_ZN^K^>8wCDa~7FFe&LVqpkz16$PIQ5luM_GyxT=IIOnz`xsr2u#P!|z{^nwYTSW<5G z8fA4n1}iBOZQ1Tz)7n^u2I2pwB7eLLZyOg}%Ls z3w@Ii7y3dQF7)9lTf%=_U_Lq>pfH(H)_U?g)Q$NBHTEj?H+4 z6B6AKMbRCR7Tpnz(H#*R-4WH%9T_j(kw_ou1!Huq3aIA??D*lsVX#$5(yhjxj#OI> z9EVYLx(+cItgZ0NXs6Zcmi@)XT&o_k%OT=m=uUC>Xef_P*i#C&__euut+{Y;u65GI zAuj6vkXvt^!u>`%*{O>kqg5B@2+32HaM(+=RcSg6G{KQB!9>kJ?wS>rgW+<;gUmZ_ z6Nmf+V`Zn=Y95ZB^yY$1tvTjax}*baY%SDiO)nU(cusS{_1!LKVw1czt8A{+y5g)S z(jCzd?c_tQd1LAhJwH!RdcpciyGR*;;V-oDK7Q%Vd6!0fdea8&`t%)o zMy}{y^x}|@PN}MO(iGHWTZMtVt;TR= z|JK<-IMhZ^g`>ZT`9_pW{N@@>NSP? z@LKdBcu7v_Eow<0#R?kEW#&mTg8-@toFdR{ryx`Kp&{?Xi7SHuCMl!?S|o)Ozi2p9 zgY2gmoiYYfQoE8AjZvX#RTLIQ&<9zSHFU$)DB6mk4^nJv=!V@;5T~IZ7-%@{yOu(xY{^#Kpxf8-vj317_c@ad-HLzAC8he&DJ!&X`^1MQkg)3%jN(T z$rnurHJ)n?JjeA}3c0MU;B*R!m1dtB>m_3Ubw8S@7r;~YyZsU-O=UIAOVxY8IZ)LY z9-%6#mZ~RcZfwF8N#`?xD_SbJG}+d0XZj=491M1E|4G@o zP#jUhKx4Tgdc$H6g5p9OovY>o29EgqDUuJ$MQ99{s;$XF-o^5+!3a^q=V4!MB2$r4X+Eb)BpGNS~-GNTFp5~Jz)5~IoW5~GRn5~FGD5>M1F@jUG^ zPtz{*EbS6c(k}5F?GjJXF7XWQ5>L=B@%-!(PtPv#?CcUx&Mx!Z>@rWyF7eFl5>L!7 z@pR@g&l4{5tn4yR$}aPq>@rWuF7b@)5>Lo3@qFwOPsc9tZ0r(G#xC((>=IAKF7Zt4 z5>Lb~@jUDjPs1+pEbJ1`7%ulz5{=!3WLhM?snirvu+wjQwdU!f$R7H|_F~t=`RT#v zGk8|+7MuvZh-1A)Mv6T`DWr`&3l%PR!xx3Yu6QPj@=iSW#ExIEW{uH`-HH1p-bBsK zRi1`tm}Gs*y|b_ni;4%#CYZM%GnH(|o}=-oaYi-j%Q?xml+|Ld?8B-2Lss)*E`_Ub-ru1(0fA3(AHQ6Eg^X^N85d(7fhb+R7z`aTjA5B=dd&EEM8 zUP_em1MD#afav%nN}83+7G$dIjYbQhT?0^}anS%kNdxwA13+BY6wQ3DD{+!zV83QG z5jfR$1l7bCAgQ&OE=v$J9cQ01K%_HD2?E)I{1AJG(IS^oG%gwdD1X8J+5nKwC{G$l zoaFV`ZyHU~8I5LOMQY9eD6%Q9!9Hn#NN1Gh`VuMS{n&eq7U_%{(naH<0f15w>>mvP z>5TIEzr;y7LiRqRNjjqjPHJ5=K~Rc$Y_x(bTlp+04S%y{>1F=0}!a8ufn z{fW_3;C_N7|7jp82g1H?fJ_$vZ65P2Z^{D7wOG=tj zXlxBy$HT>^NN#Rf3@8lVg7v`K+Ux+vAgHuTYTbq-zRCXIZVp%@w<`;Mk(1vxTF z7G>tx=037+$|38x&fA&PMNd_SYVhpGnn)E>N8OKX7|rNaBg)&cEqyd8VH@p`z7b6m z5GaGg9%n!h-K7Ro1A@xIDBP6aW0OWp;Y^hh8Z9|)kqC&gc~YvB=V4O@lmYlc3IGzR`S6v_m#D-9?Dzg;#@QbL(Sw%dRqD0#Bf3_}wA@&AA+fd zqHP0aGWjQoq7)&HO^%ws8PMW+LP-o|B3Yr2m@E1v6l-3La+XT# zG$eL~rb2~2aVp}LqV=3@M!Wd9pKK>{g_3ryp=>g@Wrl9C-MZxpb9#~n$|$m{`sAm4 zPn?0Q1YyeV#3Xojofhg!vwsp4WgpqKeU#pi+S5_GG4b|h;#PIO2F?y@I#muJE&~H{ zG6SiAQJ#|hL?5LG^C(TiD<&WGAz-&@YR^XQP)eF|ob38O`rSPG^RuDF{3?n^O$2*} z=J8B(kdiOTiL$5l@paUWFJXbvn^}^Vj0%U6pYE7 zW4%T1zF|XS`L2%B^s%)LpKd(XX`L1sM<2C=iE`a}!D6{9E6^tf+12R8U=zT)9j6`! z8*k^(DYwW@5mQvoPSdYN{COyRFr0fR#AfJLRnP&d7pL`|H^h3VHkD`_Y!MPJWJ7&doBWHeL5LDPl0%SoFK}02_+K;5>fUb~?V>5!-1N zinIw9n~slGu}c$=4~wd5gJ&>NX*C+HX2a>6C_`Y2;W89-zM+0^1w;5CXBp_+rVn-W zL-q!kV=!K=`MktmY<3;!@|)@DHm6=MW8drvEKHz92iySQXs=T*`xVb^fLZoVs>u0} zId*Iu-Rad9ygL37FIBfZ2U9rVhfB!O^NrK7r|dlhVWL~>f-r1j_FSjxc7SJseqsA3 zHq}yc2Tw3>QUF!ngHyA{qbHK zYT}j&IzyK%1rzdTS$*o1eG+u_=IDRH=8oHLbwDm8G6_de>tNS$x$ATmTwuZG$=p=+Zz4Bhk4N=muKA<#m5Xw{wZK2SduOpI-#VI!qTCt0(j;U* zQ-;CSy5%xf2Cu8ODn7mt+gvEL=GFeKs1bHC$n6E;R0;oeG4OhK>7Q;ef>#4t>eT^n zulIE9hKELb`?2MJ&hfIo+z9RWCQxZDue`^*Q8pb8h9Lz9JJ8#n7*h};!SFiAoXQDE zrEsd&^$Ku1g-Q=Q)f)wvw6s&9QC-h12rdicDY=6ybUmkAa5`?G=eyOy+#(*h1+~qh zfN-Y*nHR8WU0fB9V zkk$l~U1zR`_h?|{2o>6H#ZX`&xlD5iHt_nvg%p2cj)&T2*MU`40)$|9}2b_PcbZGs5fL1oE*V_$_(|PWm8vR`1Y?XR9Yvm zEL?HLiBoiYU}WTQtIV2_&6K_O=)D@eNP}91b_-t-_JwzV$veI_cV8OzFk6eg z6w%l&duTWq>MnFzy|zK9Qu|?i2fI~YVb5+xlT)=Sw!O@b(3pQhbf$+3Ui+@&qKqj| zM+`{M>4Ss-W@C4*Ri$ZG0^l&Fe0bq2`FzS7_U4ig+2sa70lN+Z1YYI3?)iPaRJcBM zdM#XUf8yxI=igJfXX+l_wfFG8#ov3bxJP#HJqNhAoq`o@X}gHy5CEUX*lrLV%$`MJ zI5u`W4zEzMVy~cn5ush?DRShHUq$uc7t>wWRIq{59jt3FhQSc#q!3@|dY2+*yd3`y z+{-QcHed#un7++P6~tdgoe*Z+|%uP4KK+d zbf#ihPZM$VFgg;mV{Fn686^pV&3GX8{9rCYV0g^D;w^-vhmVp(_67g_eG;OLJ?vpF za|H0a(jASAt*NW2s@c`iD5}O!vrqZRyN~@YHKM>~4+}V|!9ma*>Mikl?4`IUbrilJ zZjHB}We>P3IExUYvHhbYfJ_5PT7s0?bE%P#+DEuFY^651PaY(&d)SNfL9!Q#s=_a4 zLk%|25D?C;Bh8-|Z7M0?gPq3ESE#p|3u5?lk^-Pn2qZo)1%_EQ7(U&oUnl0&Fy0Q{ zqwV0WUZUb2K}8fHF(FOFRTzRN3_9rLV#B3MB|GyEuCqO~p8Qh!vmbv}dNu)j92yY^ z&%^83kio`%gWVxpiwbNV)k357xS~-S+fnx+0y*i_kf5l$(<*_WqhF)25EVvl8o}@$ zj|aitK6aF(%tO5h`jmHlAd|n-(VS^|p*=0eK{)%h9CGYtq&++EG3Y=3F z|J;%{U-A}8o;SPBtIclo82+6odG(UlSn`@)%WHf0c^%L9y14edlin%sw72NJz`MWX zy`p4;Tk@7m-p`i2mzKPs?}SRT4`KK!u@B=f-oX9{E=Uago49;aT)r(X-{F@jc7U|zGWv57 z{n?K{J@x~m5IctPY`I4{hACdt+rp~}<+>iR)sP$?lkrj%(O<9CN(~Bl!QRK18!nNy z-T(|3B>(%(T`*7y9Y;cq{a8p&WK-B0s61r6PFyyK%aFKi78j8WVWYU4UCXx61;;kv l!Y1%XBsSP~`~;kx;&L7?CAM4K?8OCdv(qC|`QBXd{{h0&S}gzo literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.doctree new file mode 100644 index 0000000000000000000000000000000000000000..c0296766d38023fd67273557c57c0476b7dfbfca GIT binary patch literal 94192 zcmeHw37i~9b+>h`w5w}%TCyy8Y-4*RtXW?iK0%Ug*~nT8`QWlV?w#q~p3+>NL(QTQ|4VukLL`~6h>Fxdr zBFWz1!AMX&)bc=MHwxB;!zImBup}Ikyi9~kYt@DyP4p(caK!6&+ttZl7cwB8msBeq z;%|Am=5;!Fh~LW^US0fJQR%hfn@O*HwCzt(onE-S>rGQp6s!%l1*?LygC)WC@b|{+ zjqZ4P{Em*_?u_5D_lhf@I)2!1H9OUAvt9K&VgGz6kaH5 z?zUA7h9~QUgEtiGm57*H6s{@v+N8=Q zskp)I;VSirYw&?H!WA9A+pRXHVZrOPNlvw!jjrFQMB&h#Uag0Y&_u7D2#2Trh7Vn9 zwjX1PQvPo+S&j5>KH3fE6Ho83mU>l=j! z7KN+HA2fRP(h1189^uKF4wRx*DmUxoW;y`5O+4{yK7Ud=4r3@O!vjXyKw9ENxT+1) zX?IIC|CnEk4lE8w0vek_RcTqctm04hrh#tFaj)HgtWcxvdv!b+ z?zX+MPfSI#;hJir)$5l0M!8u*ttcGsb*FYeeRrpd-)AQaOMbiEY?lJBQK|XR?ja(z z+>OGu&0aSNWf_MOh1*jlDG#&pk{ z_95;H?ia&rha1{{x!JCiDt-&f0W@Tyh9~F#91pHntcVw^FchvK=U9p#g^R0D z{?(OUy;af%0tMg?s<4fA!>f@7uH{dl1&t1=Y5b_w@q3kK=|r7Wf7Cw#m+gbBxFy%- za<_D>%6&P(Dpjf-Z?Z-*msBp-rh9R?3UcqjRJoH!_0_UkiMZqA%x3xpBp54bAb=(k zv3sYK0<_`^TOv7Mm)q1rX9UQ$VT+{Mf7!IaDdpk}G-*P%&WXwC{e-+jR)S3sU?+Ee8eczP0p zzfggPQ}M{Oj{5Cl)$dMm9B@zLLAPE5vf-{b32U!(gXqADa64?LUeazvGf?WZNSWut z(aubx>zybC)#;#yf3UNqwI-S9st(4(Zt310{7(mh+Q9F{ZK>A8uqs5my&QO;2i+(9 z0;J4Eh}K7YEuf%yh6gFqU(G>#n&oO^3Ob-1*m`nl7(`R`s&%rnTGJC=gMy2r5p=_mhl*(H~pz`tUP`$t}F$~#ttNul#}P5G#Z z=RoSWdXuGcrxTAwYk0%NBf$kTDy>F*hv68m8(P<;`BN|wj@%}Cy>J1!2^6DWp-4AY zr;Gg2GWdQB=i!Rm>B=9CP>`~F68;*FbA*Bp#9vg>3x|%00G42XDEM&j_KAn1;ID#@ z@*m+kX-q~BAR1W8MM)L^GWZA^!IT%j!{yw9AO*}`IF!E*J|>_ngM;u8YKZ6IFuyHL z)w|JzsIWpsQ&DiAc(PKAEg139pETo9V~r=uw+OyVsv#FFpB{#r?{6buexP{2Dtq95 zDE$MGXjqu`p|&TwC9hU%9xqMx?z?ZM#N!hT$K00Y!sW6~L~M=Jy$%g)GWQxI|M+Ok^m6TqL^xzk}}!($~Tn1tnCNgk8XnRO@y8 zxqmMLOy#m9sVh|rn5~k{NVnE0!Dm#bX4IpV^r(!Ov`y1jfo!CQLB9mvk#bVdj387s zU2i-qArOTrV^q8MdgP0^xHp>RatIR{sbS?OxT9IjJPdLxcsNEQG|k4AK>8Ro`Pk|A z1ibA+O%ZFh0)!u!0PvY%(5zt`*6O#KJAMk_Me6Fq$f;0w^2f?w?tkVAo-{loTuRS{ z*Woq9fXZG956k~h+x2ltDK-^dJR*wucpH3JKVHcn%Qz(XsD3U8R1$#u)g@xg0zH_N z1_-;1MshgQgE9sIB9W+D%kf|!Zgi_tRf^V@_ZmkV6l3T*f|gF1g13mh)?{u4Z{EY? zl0TOkz#sC6GTLcAnnp!mJ(BdceLcpCs)8a+FT2Tt;5)&8YLbLdRb-=ow zm{!HI6g6NXm~c@JaaOZ5${{0=FC!_$%^@jjQI4nu-V5njgr~{!b-exYc9miU8d(rh zj37d*-iIb$O_LD(L-1woFxT>^hO4cLq;%POqs&lT89oGG3BIbT249PR%K$PprUc&( z{!Q2Z_uxPD@9zfxrGI}fctZdF*Wg>~cPNO2lWlu_L~i0lBGuC^^;(p=!>CJfifSBu zBlxEJ9g4~rcp;-E5*~mC7mYAY*AOwRaQ@UoRmvL7riy9g#%!RD6g5x$ZIp8(<%4A8 zx`7gJl>I;wsx3!!kvr1x1ZM`U7}ZA3SX@*R0qf%TzAL6y#H6M&sn|{i-Ix}2rJ~Jg zq@s*Mbd`)rW914g;vznGkIOf6s^TJ~(8cUV%uqBAAxEMNc7^;6h46?cb-AE{XICTy z-D5JmC&UW6E(`uKW&^1kOko7696oCE#elfKg0IKbSMlm(K2RjH%Y~p*xkya!M3z!h zEUW>M2U0M|up%Tk6+>v27=>w&Rbp9OEX3U%^9@S2_>Cq49ZJ+h?DxstE4307@YnzW zElpsNG8Yb$!@r_L{s#{Yxl?Thf5~U3;ngZ5R<1OPtW&}2*0FXG)6DTkt3EF4KJ)T% zzw?xF^wjQpy|%kd6ryr0NgmJ;&*omTg&8nmzEL2jkoNX*nh{K{b+j2Ezhh~Dcfl@TSbY~ z6PVmg)2bs9sujfGctXldA&DqPe9o6&c}N%R4o5_Gs7Mv#R8fD1W(dJw591w{!UVh# z0gtB!Cd8vr@d%kgXfgNk5C})UO_Y%562I!0*}?VJdi4gvW|Kgwa{^-o!g=w0t7y?} zw)lDsa+f@;rKJ;zccZA09$yk*jp$)&!Ag@cN{$GzBV3D~=ZF^D z;u00fnVsHOiDv-d-;froV&w*EtXN$WL!ywG)SI)iHGbaq@5Q=bw-opu5BOD6S~-y9 zwS6($#{7x5Hj27P6Jm%^{b-cXx-?B74q$bkwAU!|8fC;^G`Hj>TVhPIBo;`x`0jI+ zzMdV|!=fbgkd`x$W)l?be`fnn`0PUf9fr2cFb0keW}=g*n6J`?f`Uj>LLwja4lL3} zv6|Y&swP$GEP7h^j`~V>DW3yLH?giMt8C~%pKHDtd{qL^h_TkeKKUwv*_9??$XR`q zJqB$H&$+eX7r?AvFrr?{=jx2`>Vwrz*{@-`1L=2SlU}coWLWU1D(g20Rg!Ign(|mI z;R>|~BNb|s0?}w*x2xyx zYs<7oXzcians8|ADY1$nKC5iBToSSPQGW*7&$ow+h075QW4{M6#D6uXK>K8~i4^W~ z8tQ7~wufobgcUzpCSO5059GKpQ^&eC&*jnvlQ#0)tGZaY^(tb$D)I$MYsxYO2o_4m zE{DuHrCZ88Q&d7eNcjg@K?>%~a;qg`;J&<(fUu5N$P~jyDjFaNl=8K7P}=0nX2K{p zP%}}$b%~aUl#Xnrg>fvxlCUVl&o>G1wQ9xDxndczMB_`ZaWBR)nweKh-IQlTA|}{ZVTI(gHpayj{}?5lcs2$b8g|3# zbhRyUHHl7TM8ZXv#?{uu)%ctx6VK5}s3P{>(7KQGRJ(uQsq`(yq$|WCM>OxDLj3q3%e!D9IT#ii9_1WK`kW7=u_O z30F#=d=t7X7TC799_9T>HDH#Mk%6VgJR9QI)kN|V8Bm3Da}0|!j=6{kyw{HRI_>ev zYGXX8(!Peci6JWuSF~BD+o*!LRUt;CR{7x-_&$PC7iN#}L=!a%trA)qC)OyT%pYa<3VTmh{O!Y;fT za+Q-l;!ni0qUxChi>eBE+Km8Wy?VmOnjrUzx|&*>Fyc5~VVi;jSmcpt6OeLAYDkI6 zqIqGpPFs!QsRQSVC?UUuoH&ZY;TVRX<4FpQt^~iRGh8Jx9YNlglF}(zaCZmahtA@G zp78el@Z?$>*1l;uQbO6R>d93EjdWw#Bt*ovL2N z&Q_?JK&7TlYL`K2y4gf%8Fz;2t}VI-f*Yi*bZ@B&J9GuLR>wC?@$GY{tVhimqunmmj$dPuq7tqvi(lruR zEK@~scb0n?RqHAs)=Nk+0t!t_UIU_$i@lQc4P>1%-zS_ZPwEMlx0r=ARFG50w5A2+ zRt`V-xP-LBtgN-Iz~zVxRS zg2@d^x>iANX)}!&zLh)Jrk?U5b;A>P2-NuU1t)i-DiYf%AYs}Ugav(Gx;a%^#+H_b zQNBr)tIudx-ZYiB=nU zxe6r2?zT8d#S0-Dz7ed$+tYqUg>saaBLFOkHL4EnrJ+0{21TB3M81f2n02wUW62aA zt5HHUq}5L`Bh(6bCWk0zQWX1?q=?o0NQgk}dqdt$Bo!1rqL7}EuTznyRDK}|RoJQZ zuv-M%1XLPz4adx9*LBP<$sLP% zCWZvsq>ngIDzsqSEEl^OWpRJ=N)_({=;m8E1EP7QiB(QoLE{6GR6N0jSOkKx^Q5!F zEqX*HhSeAwUV=IEWjr@6oY)Ih4e8YQ{R`#N0H(v9kVOw0Z&!NO+9bzGi&4XL=# z>y-oSgI5i(nbriH6eW+HvHDE@MnN{86%WJVV2dS|DQ6CAilXq*e2_6=r-XClZX140 z(G~+Iu0>gKzt@AHyvE_ZHy+@%qY!~!9DgKPKB=BJ@E)o*u>Y}k3lfM?crYJNj!E6p zoTlA^<$0S`Ou}HfW{Yb7A+qIYkn6}XtG#=l9fjBC^BL2XfmxxwJimRmKe&VJtB`0V zmzPZSjKXbMRRl>JERHrtmpucq@fZ??cMQbWt9jU!#0Lc)`x@dlii-Pa!JUuUhcI!dAs3o$j?xoG z;adk{jfcBrr^OPZkuWc;NY;vZHE5RzQsd=q2z~sDP#$yCyl3IWX5-#}NDR?YxFdn0 zPeBGoY%#wXSZ?k#yGV1C4;w@FfauTk01BG<%=8M+CJ(tULAZHS${9tnD4Mr};6c~C zTTR?@OB7yX5}DMmY#;XQo`?K?%@^bRyYidI9pUZ^OlXE%BmJJY<{qT|56CA~ktXZc z;!_=`$J`c$mw(*kB`Mgr?vGkB6ziC_oap_MC#O`{7_Fx^O6}Ej%Lvb+@Vo?%v7H*u z@FYe_G0!>G!A30fB3JxV4d0xoSzJL*1bjPoc+=b5SX(9Ei7o!WNfmKxG;uy5^*h;PQnG{=>_@8*uBK@N)$dbUn)7m zP33N)@G1Eqat7@iCT>0)g}3InbMFvxc3Km!&WD(7&WSnqX$;KN6yiWWfjQDv z`00!nG)R-x=~n3Rkbn~%xUv^+lp9|tzYp6L?-Ss?*7b?!*eZ^;B9lkug?ar34Sqn^+fP!@L2HLiJ*b^4}Wzoc*|Vy8*@Pwy9$xReq->a z;O)V02Y8=v1}|K`VYU~ppyd!O(@++FjC~7BQ2Y0M`s1&B-RRb*vU8TIyGmYf3VnCsEBCSQ=$gfA-^;$L@1F9N53(op-L?PlARE=~_Wat{*s#94 z>9en3-_tb@&0N6F)n&K+>>hTuzI(yP$JmIzyZZ-sv47L;re6Ij_6>b^^uTA>f9ku| z^yk=m-LB`ohy9~2J5jrxZPH~AOun0~(|0evd4#RfcMm>!JNp;iZuWK0Wm|OF%Wirf z+o_lxYm^xdyaK7$SEns40lL-tR)?9Ko3 zD)w!C_nGQD*afQQ>qnkg!~R>9z5c3ezr&X4vS;jj3)`&k_Py_8?90059q0TE`&WH; z^yB}REzva}_|@mI^Yq=zAA5rRv#$BtkFQ{>b=ey)x`2ICm%a7sB3r4;-tm^Vv&H)E z-G8}<{Xp0J{X3VjAL_e5+Vs6%h__-fG}82)4pj+08LpIziP&$=&#&UI?BQJ{6 zLTz?sw&|a1idJMy)at@SE1CKkkB9hi%riv`GB~Fe$m@v~WR%q6qD&ld$TUvTqG&>v z>x2YDsAxgfosYy|ghpM_gj_&A5`!*G8bk|n6ZuGt7BmkOO~{u}6H*KOUqmwFO29@F zGbR^J$?-VRhhR#yAm?>)=%=$`E(ggwCa!_cR~`Y4mo>jauTXTBZCutT6JjjI7wtQ)Hos2 zszbvOwRm!-Q5cEj?Pt6k>_>il_eJjC25)?lXgr^OFVB}qs*+T(> zf-VAar5lL!BD?@Xu^It6;0AlV?JPogySTs07Vfafy!0USk|V0 zNO_Z_j>*1>ea|C26eTp5x>1}!l^h|GsEkfD&|xwrcb(!CgsUMeb{+nRU{-nOBMUkd zEEVY(PF;|JaG2&H#PTUcWN@z$sV*#?3XTi}anEa1G@~G%%BLPxUr$Dl^upD6ota)c z@@mJunNIX_yrYER(xbEcWXE2Ejt!T}8BE;6IKOI`cHWhnJ?!nLM9DJorpSSN!{uTl z9=3=r>UDTGVH4`R0Eg!7@5c2&hrNd`R7}E67jF{9XP}q_k}lq=i*Ys--;fxm1cFg@ z$g4b{7ALyO{GXgp6>0m0IMFrO#@-7$I+OXQx6&!BYmpA31VaYw4Jp_>zo&u!l_PMP zuw?*O=OZh^(=)f2i_bbDqFG)BqH|MR^pBb`s;@huqN!m9D%BZs3R9#7NG-4LIKrk$ zqyuc)8lqt@S?1Q!G~LXAtvXuK&6g%L@KHzLG%?Kpo)!wGBQfFI9bwZHHUoB=aK1*S z3E$-ioF=;&z|(}&`k03OG)LGpEzW?QCY&#hYT(y90;dUd2Jo|_#;fi$)8QJ&vmJ5J zOgjTdS~#?5p<&NNDz+fh5fUZH3YdoN$Cq^ZX3h+fxk0 z1ANjYJm`pqk^}QYlkg6|;E0AY3iCsgu;te|qMHab3v+mOgzRGS1rB2 zcSJ|&m<)6Sq?d3t|Lll{ayS`iF3jgD+v|MK5g#RfGVl#xE8&2a54jEKG#|-8vo*z5 z?0{k)x6u&=%|skf#QG4UIM)#cEwf~xP@Q8Yam>ACYR9S8xuPRJN-<^NJ5Ne24_`v@ zu6D#ld8rIsJ1w{l>jYIS&YK)jQZg$8cxm&<%ozffEkEX2$w{ZR<}1eBB8Wl1`_2=(@4@9_nVGrDAza-G-;*# zLq{}}pv*v%{W+N2cUH7Leb5mtWi>O<(phat92#5MQyZR>>CIR}{>Bk6r9w0CUSh+W z&WXmDzwC&a@~0V?_u4Sq6R9yR-*TjdlCBxFJk^bsboMpI{{u(-l!?l~pKYf?>0%@+ zm%BwHl+VgQlI?ZklwFKyiyNX|I6_~?NM*-(x{K$s80Dt;Mj1xQBfd$7QErECkYSXG z;hSR^#(chE zh0(~&H>)rjKlw%#Mq?Y_q{3+E;Tu#KjSYNr3L^*3H>NQ1v3yesBR9x5q%iVKd@~9o zU%@w`FtS~~35Aj6@C_)8beN|~87UgiiZarK9*%rAcSPZ9X)7mt_~?Q-uTz}8O8c+m zhuBa)Ob2=L<0$${$MB)Ab?UrNIyV7tE46~YY6L`|$IxGD$+%u+QD9nH5QpkSv*8f% z^xD;kZ;`==+W7Hu;+*Osq-NRE0SsB(r;sQHXK~r(qUt5QD%*uiGE>aP`yXA=|LDrT zM-azyyv>OX*tINSEJ@^>??!V=zM0*HI$-K~xC~;-QBdKA^Q8w>d1NBU5Z;|OJRA6N zC-Mk4d8T?aOAw??Z?iz4szt%nA&06vMOD#Le(s0W45&|bgenvHZoNOo+`4~rs8W?m zz{ypBM?u`6F3;{qT5!l$_+N5hSa!~N)<5CEywv*d@~Up^FGTA{^CeKgCldxqz_5Vrs5*aF-zTiFkhXw6 z>I`c*%ZAiy4QE;)7}l`Sp{le7(REJN@E;BeK~P~0wDjqw4(`^V(h|xV24z4>5Wpa9 z$aZo>b-q2^{yzb2^EUz_Gv5gQ(1BlR1i#0t zx^cV^BUqAP`b!q34Xyuzg_mrt?~_j)@~ic2BFIql&)V=<)%iG+KRX3IwqUV^|nmb?KXyMvW^k1+S0^ADhH{)$dy z<}3Q&JMb$N{d2sk8^;S#^d$+VmyHZ&+R*dGs5)qH%GUEf`Sd$p1U z%mY%D|80R_sQG_6RF!HjI><@Q|IQIA)SPy7x^=p{nx`Fla^KkXmM+ikN1`)d&-Yk# zgCs8X{5oFMjpc>t`O+lUQx>ibMK4>JaTHL$L+2D3ntqQBkyX==SRfdh{(Oh3Qqx5j zIcfUUj!>cLw7uA^+ub!i?a&iD3f~0U=I_vn%zQ{eBD6 zhMxZ)3oqGv-Y1`ahfV|;YW}A-JXSUTBMSsW&41sas#J5)K~8G^T1Ti*bK2?d*6HqQ zo_6TT9j!wvPe#v)&U`&z0+@pady=@+^D}r=Hz z80!CkLshB%qQjij|87U9aP;&>ked>?tA9G4No=+L0BD=P+7p@iYX9dB{7SWdFR$vx z@j}#oNrLHbSeQ1{{c9Fpvems$KK=0w5oD=t4>DWiQasDzYs7T4t@AL-~(dc*$1&KKTq({?w*|z=qPQ{JsT(q5P8$Ri*NazH(CjeU4C} z{B+=fTmPRDc882`D^gK;V;JmfdB; zY1RLWED#L+f09F0ssEz4ob-R0BUI==9S`HC0Vl8j#+&KMZB|XtIe+g@BGZ|5qKVO63=Q<)r-YcZ3S%r^B?| z`rlpo)4`7+>*NalrE5<{`-$Xy?JokRWAO82Ue%5Jg=l|j-@c8kMC;cCDgbMwqL*Cppz+M06dqUhVfZX{H0z`Sf z8NA#<1ac4vc~v(dEW`}5cQd@x!n|P(@38QcZ4G^L3NK7g1xyEJ9N|Z(WkmEFHq=(5 z_%#az!zli@Lse-MqVJrHV$KmNjDn6LbkhfSqZkkoC6@dD4P?&W7>MG0WB6AG)}=B0 zGq38#{6dT&xyNDC=wPM|BUq2BgT}XPBj}UQz=$Zd-C?Z_rB(S?Ss)n7KkQIdD!=F} zC*}W!g9Z>(C_f#L>DK@5%C8P^RI6Zy!%3{L>$A*mhZN>-1w?wj6+GKPveF7BcvUwk zEW`?Oc0L@laBrAH$HG*$IrIrCylB9fkmw@9EeC~`4Y$=U>J|uwT`-5L(k?{rIoZVl zN2st1I>^;cBi!v`z@U)W8t^+HbN=Q)6z7}6Z#l3o&Ef65svGkQF^A-Sh`+HgZCJr4 zEWBh}L7#jE4hpHQ5r1t%X;uD@SRfe6{~?E}Qu#$+IVu0!9HBz_>3Ctc{&!b?m$QjC zuR9sVCu;K*e*<6+iXcetQt?N5)eOeRPW~LV&Ea_m{cgKj?i8k)?ZUohW2#DDQ}hew zx5M>F_>@y4f$;qE<>0#;Sa-+kF}vwg+LQRKcD30sxBgt_E~RmYs`6m8i-kb@5215c zn{|7RdDWUXS@R3!n%C*zBa~WL&pk!LT7N#iKr4{!R!B%K2$3*8BK)C%U+Ay;6ymm_KwFeN$=Wd9BiKmc1+;J#3pWR z{!0!9Li?Ns17Vqit4gTCD-NzI?R~W)tr%kHc=-%Zo8f5PeMNeRiRT@$&-fjXIRDs+ zsLdZ@e#?Pv6%iQy)e`|e&$ zLEg~w*Y48$h(lGWiXRe!K3zl4f1V=2S%#i}cVJj**0%)1{X-Aypd@v&4Zo{F)14Inv=-NJmGMp@z723J+nL+%s?SCtO)Z4R!6pknN% z@3v$NVGA0&Rn9Q)BP@L%eR(cqJO6>4NY5Y0?{MfZ73uS;Zc&0Dn4ytE88mi zM1^#VJdQrkDpG4qpS0n%TExdJ5Dbg>D~GDmB1GRgS;TKTLWM=px3Jvw!QCQG=0jR% zZ8#ajAnNlC<4nM`4e`=2Hu9=&f>?-QY%&bvu$~OYqsBEBF&Or7rG>j}`{LkRR{yf}gLF4@Op2*GD`@ePITk8F% zcvUyf7ozto_8&@f{sRl=hUPzEVJKVk`-Bu9sgu?||6ze(=>E4Is!H7# zz2&6)A9sWb-KTF|x@o`ybwB;h!fQ94jP4V;`MQ4BaERi*BW-g46YD;%Lh_vss~ZW`dO`}6#O z>tmpH{v!Ypo^J)e>>vR-0=$M-b(6tDtYF~hOa8}Tf7-&kVF^EFVJX`Z`ot7}?k%@x3_EzC4XM=*W-Jg4J2>W0 zRoa2*G$%WFjw4jq0ey7cO%dGfKpjn(ly*8-@~0qj{x(4L=G(v@IWR75;P-h|H`W(o z1ARH7f3Wav=>Oka*vZ!aJ`u%-5@z;@q5Ge+A++lL-&r6Sy8ky0Ri*BW&T`WIcRNCb z?k_nFL6O>zpO$nwUvl2&lhJ;nIA8nE0n9;x1Ib=$|Jl6i>DT^@Owsig&JF$FV__&; z|NDd#Z_3Z<6~h9qv!S$Fz||HAh6Oy`p{le1(P2&&u+?{1@s9i-vatmMz6D>v|7MxEf5R~_(g}R z(gH+>Ia$Dcj!lsl+=TQ!hpN(4L{B=I%4Zy*!c+rla}%VhpN(2L_a!N$~BHqVJY7{4TH)hHsOmIMwYF-8I;d|Tp=d%ZRHIP(vY_D zdS3PP+sbIZ1U_JqfMG3vZec9jTKa?)UTU?LK5`9vd9RHMtG)cO1%hEOf8bD6+KcE* zCwqC+5i0Cu_HoUg#R}S`S-Rd!~UG=)Yh=sE(X!(|tu^?hA--4C`=Aih6 zI!Id3B3||MThMv)k;zVrObna4(86lAP4$T{+-J2Z2L=o)JKsi^)yfJM2!@qycc?0@ zO!T*tmHoio$`+pnD|@P&mE~Jj0IAG>Y$8_jEz5V1w6v^AUiI`_)@GrY`Eq!vMGl5F zJ#1kw+nV}B7Cz05i_c<^w&E(H`)eJLP&@0AkL;^&dVzK{F%{ovwFy;8kxyM%|YY9~u&m7Q1Sw`;8GtX|AV3$A$4@KT7IHKV^ z2gyrcCnWFW>x5Pgt}3AllOJ4F>iVBJm<2(F2mRq`@Sxe-F5({srAQ0MPOiROGS zdc>ilq!)cYubN>Z3-Y4t;|WW@C;h2Y!!bVd70WZro4(Lp3NsE>rD7cu0y|w!^zl<9 z9E%fuodd&CLtZNwKII24yw&uM16<{RB1bP8t4X#ejmwKUA#wPwA75ezW(&f{e;f%< zC6L26{x}lZmkLXtxA1-#2AzrY0eSrkdHo>2o{Do7-UCRsP)81p!b+WnM&ZE*SCvr3 z=rFjd^o!4Nq_sEM3)kX^uu`K}FRAmOa4;DA7KXF~i`hAtM&t5zakpIDtq_;*h=*Sl zmnXz!RFn;i3w_-k&FN#;xX?#{aiLG5;zD1F#DzYehYNj33>W&O5-#*<8C>WK8@SM? z25_Mx*Kwh!}Tk$5y!oi-kg%5&OE^6)jPH^%wF0c`xhFMiq=qockUo%7{$ zE~$`C8ew$I2%|Gb7#%Re=yVZAM~g5zSH$Nu9f^4K>2b=aA(;%f7e>ay$Wr`XILgm` zD|MTQktciAT7^?WM~=N*QuGKXCB7q?;yWTPz9Zu3j?S`rgi{&c5xMal(H-9r1MwYk z65kO^@f}6fbVp);g!4pqB>hJ?bMYN<8Q&4R`mPtQrZdvOH9sw{6TLhN*NN`&D~YEg zm1Z4hTUETSM}i3#mHB05yV>lPIy3djW-VeDK@-BE+r-@~B6$wdwux|6r#e}yHm3JX zHjnu@kxkw2^=r-JxL-!cGjP2xVG9k?3)$l!r@Xm zKwq`}22Sh?SC_m-v#~FJ(whvIHz%22?vi4$)r+8;XY|71a^N+l{f^(|Oe~kTW|bA? zYF8ZG2ySIVw383HIU4wF}~4+wjW}1v>}#6Rbdg!(q<$ zt?gS|V0}&3ueWN*wjToj^$tl%J=xQq#yvZaH$9*JLLBT#_%X*Wz+b5NMf}p63@(WI z40ao|>!bAO8M(P5=*6K9I;G}E;r6|IpIsQ^=P?$lje?x(O;#HXRM;7X>XX9qNfFhf zU}&NndE8e57P}r4ggb7SxcTrPKpT>vi&S4hB6q7H?YgPj={Bb!ioJr0K~U99N0FCq zt1yr!*BCDDe-CC54)s=t!qMMaVWELSW7&?+vi5_O2ZkDwl~4G|kW#WV(!_9Zq~mZr4ti)XAk{;PAb!r4ghZpAhO`}rK+cCEIx|wjq2W@)*+GXr4g!>>h#w9q zA<>AdA#KNrRD%F1Emo}20ag+Y4cQvb4mz4^5TG0Fbd3yjmy1_4wrQ7g)f zW{N@zBQ%BEamL9Ycxg`QNEAsQ#UUEbh32tvg8-^*tRm2Cryx^kqakm{@o9qqrYWS; z)+B`#8)-OWgY2gm9~lZ$Qd^7_jd7uARTOf?&<9zSGjzk&D3Xhz4^nJr=!V@;fT*GG z9B4O5@agX+8KN<*i6YM!{yQ02(IB@Vwh;Io+r^be!NFo0Y&;6+t?s`PhuG$E5i%W1VTf<)U;+t zX4DyS%Giu9F`+4&rkRSyH#W#OICEoo44MD|dT>>EZoOIQ)%>ef2&2f06+Q|JqK?{) zno&h|0Y&eF!Ny$Yf;Fm0urxu_vbfYZKuDgu*WUx?NmsBoC42L6u^*0-J zOr^Q@*En&g?7CW&{Z6igf3s< zlaMKOq9Knd9k5fbJa-zlNCGO!P)5dtZr33}c^>qnCQ+hCLw|bThI9)Pa&tI(K{?kX zFS*NwQgW1E(%7#|W@v4w;{-a;&v*N@#7~JWjsNO&@^xMm%zs;|q=B+(nude+eOvRQ z>Qrq0lXOzrPt&<4d(C2Aw4LmhDM=3{!axsVfb&x^K$Z?-U`s{;nUy4H%BtZj5!ZUX zUbvWv9OX`=JCM^{E}$gROH1n>zCrK+aw4+Q>cH!i{Cj&mp(L7924_PYV!kC?$nKt#%m-AFmA zWjxIl&2^)fMB(OCJ_?B~p4?)qww-Z?(Tc6c{VZ>yCjTlC#8X(ZJ}n%uXZ2xG0f*T{ zq`uPa*hY;<4P>fOUs6l9rL-BF=)8ZE4hqH)mxKnW7|QUgFXqdY4iagy(2Q$~|)M&l`7ky`UVifl@p zu$LJivKgghf<#KLmNBD6Hlv1g(YR;;pj-!gl>s1|QJ!FsILWcIhS4OOQ3EHnE}9@H z2f}{I03oodxrtH=BYB}1ro1I<8!ZL$%cS9|mIiWjo?py>Ncj@>m;o_c=#-U^0-zix zJ7%=73LTA$1^`N$u*VGm0;P)D6%!`q3OD6N*?mS+f%|et{F-CyeXMMOe;DyMNR@{~kS#;D zbjz4*)slbj>bKC6J+AR7X3g|gR?bXHnsRjPU4|VAYq(N+0}B)v!0aucO<1Q(j!n`< zxjgoJeRN%Fp^Mz4k&rVKLjz>Lsp*+V5>ApusXz8dePlhuLe^oO7&NJipQ;Yk;MwnL zB2`QscR$i?lrm6_C^5+1+eecUw$TpxA<;Aifl@^5?+gf{yVPK6Ku}2@g_{zH?0rT{ zp*~6pjg}m@$TY<1LMc^BB(cvMPzKMGM$5tYMPuMkLZMU>`;q}g;CD+G zN=hg-$v$Gh5R^PkYK9?+{`h~ult6=JpVAtkqHP0aI=d)|q8ujsSRYZ!it+&zZ2;Nl zG&ySiWSUklBW72>gc8k*aZ*%iorc7|tf^3;Pm+qHrD#28??pS&LCUkI z+sS04q+M$$`=GUDj&8A!>6Y_M8cG@{Wy!wUCqLzTk__Z!ATwTJNP}npu7x_^^r8gC z4~qCkAEno3_H>-jEG847saw_g8aR7G)2VU*Nf{WB(!-%=))eGfz$;a9dZj5SfUrBrKhP28}@&VV*k8t_+e zWh3|#t~|)sc;nojjueBTV2Haf_9m*m17wRmn2e&qxO6iLWT_@LF5McJ3UYLjPELkP z+8w@mP^NfQ(lT7q>GGYU;mTIKIo;&no#n}4nF=1l=au~$&jE)krhRO$tN14(b}3K> zL*Z(f&8#))9enJ?EZyGr8XfEk#3!T=wVNkIF7q$kmH6fV1&L#M1Idnz$S*@IOaP&|#`EZ1nvYHh^2dJLet?z;%b_J@9rP_w8 zg!~Kn(4T2QAL{sCyBtL9Mm)>|x$-t%sc^`f_M3I3r-b$z(3>$kBz6Wcv|;ZU^>f;&hz z%Z}@HtC0KXjrfK%?OVO0QN8#2YPl;uL;dmy+fgeu@quafJU|auU*A05s5QL`wdjay z;reE~I$dpewGszk>b0vt7Y@^Q(30GN8?MBr(-J04UH=3rVz{zC)9KO!Y_N{PGx=T1 zYj^y%*agxA8FoX|- zmw?W1bfAu%h`j;E8m_5SJG`Vb)98B8!zSO9n|oTc&YfMNtnXXPBe?`Ki^26c*@>M5Y~39T@Z$y+kx*@ z{5J5crC->&iv7Ulpo!h*6X81bs8j1rm!|NoTs#~Oy7gKK^IuFF{*Yj8n8JSMMzafW zWLH)G+34AD^mwyf>6BW2yHu|>dR;#{@BtWWZ?Xg2=yNWO|3d)Q;9;qPLz?PUa1AE^ zf`cVVRHtTu_deJxmkaS!p_QT%MAbYFYvzt&He6>u?X8h@@GkXa-Dq|bm27!{4ZS5_FK(1$c02k;Rvd2Y?v-} zz4o*ZEZA4Q&g2x_@!ig2;aZYPx!G%UcXRnf!EktHx@xr{gsAi^SQak6>?u*O91Cij z`A_|c`Io^Wvfe`MN93umw$n@SA({o-gWJK$x|kx-Pw0T3L$UfIZ@B0Zg&Dsz;>Yq3 zXTZxr-3!+zI4A2DUcOIC>}P>4lhj91(4+2{Qq995+*B(BDO^qu%f z`B1&s-3f=OS$C$z$zi_>6my;6T80Uqva^n$uAJvG4`O zqI_j+BTcKUuz%Rr^7sz{Zr&s6(Ubo=2 z{X(zfR|=Cec;FY*u8{&lpfcoNz#f>Lg(+<1_hFw$M=BW5ARUMuNbtjJRPfTll#jPK z%6^d>=ooxM?|+0k=@rI;ZR~4gAP{~mdQi1!#8zX6g+JkTvJnh^%k3*f(2fI3lHD7( z;U?_`=fkyLfOkU3)=hU6j2ODH3Y;y0TCG&R5kW3|@>npc9)#=m9P_FemTG=M4I9#J zXOzTT4Q=OQ1C{ieid|o~u_d}i_{#BmqdQ(6zXK6UXZ()6S6unj@xvINFcc#y@;l=g z`GVf0`F;D{TC+}{nL=>OAgnXO(XKby!y8I)K8R#me%Y`mA;Dbh443ly;pkn@z5mh& z?!W8-b>*jTY$6#XMDgYyOHo{P=@nO9L*Ba6t0PvNxh~?J9K1hVXFNsp0JSk>^V|u< z8zcBHd!x`8!n}(M@VLjk_QeHqRv5FO0Xxy43;*D?E2aa2WAzFRIC8I6K==u7JISLk z;fBbY#V;`>U9U=UN|#ru@aP0!+I|OfE^BgJBI z5C?VRjI{-_LzI@Aiq3+Mz!V`L0#oi?jS|FmU~^IoF5oAbTN=<0RMG4M?(w_LLKSbV zA)aq^xuhn&PPMED2w>{Y&@f2DLS~LaBqAYwgQ^1hKEM&DBO~eT(E##t)kMIUx0=Xi z#{&#YocuoZDBM-^>XQ|(Q0)|&lU)pEVhF@M3fpA(2nVh)R7!cH6yb}|<%)j{2kTMy zh@m%2{SrXEzEM>Sl)*4tgnd$RbS<6Ga5&VRZZ~@^!v>Xy9}btpd(G2%tw59G)e1JY z9T=gg`!eCL#&N;%C70u(#toYrG$1{{4-%#j%es@z3MD#{0LM_Yq>a}_GYW#q^h5Sl z41Nkgc;YI=Wq1+vs(Z5CPvM$O<%~m~oJ`qu_uN&uiTfU*WiQKC_1@^DkDh99>>SRrJR*;acd?D zhmbddd?TL%4|8&M7tjONU0hA_BUe7pLEs$mO@QGrgd}nT5j%>e;c`5nIZPBTAv8Q| z;GbyKs(1$%(_1P&?zJ13`wpY0k-@?{AQ7WPUbq4e#Ew7A_X!N2*GA#VW@1TYpHHIM z9{%Kv(3lczV|VgSKn%Mz*N+;pE!8%=KMpfhfNAzK4^6kT7gHmefNW#8acucrPLq{M z)Vr0}V~253dMZ3f(u7}?>)>s1fav|J?#VQ96%X8Vk^zC9tz3E1^cgabNPLFLu@@Lp z2`_ZxB*X3>Be=ru^Vap`>RcSgzdl7vvM0wFL%A@1SlDi1VR`2NTGSmh5g1_pZzVLb z`OD3_Ne3`zH~{uSG~kxc9>A{&_96mc;rb`nrb%NkG1(kG?PL`=?(wwtIa&N4fBPc!mFf4vB^n(O;8+#T9$tG|~I)^c!F`|W!Dd$?nXrM}SkaT$`AG?ebQS*#l zE*;3W>7wkh%Wf`>e8CNHQdgs?;iUe5?4mPkjQaosT%Qfxh88Mt3C}XAO?nGO@D_vM zL=6MU)PiVUR5U=P>2>n&2MNFM?`!aLP+Xt%?}MQ)JmL#f1kqaNVCP}N&nXehB7pBv*#buGDTL-wj$I;Yqc_$T@&3AX@Pi_qM z2p6<#Muuw7I~sc@H4@hPa~xa#NT#gyrM#Xs8oPhND*~1vjNspsy)?jWgcgbSESLzx zfTdLqNDTrMJAZpgzl`A{)Tk13SPJACXUZFc4^(PyCNrL>z3S#o^?#j1JgqQJbX8 z8Vo%VYz(e?6RE&9CbpC0R}Gia&XwrEViNyu(PkG<9w!w&++=J z4i1i2DI(j}nN@OcvV4W)eK^aV?V%T~K8#=U{kRhQBpMM1ZBPIiywlS2>^D(?y@P6@ z(Qo03Mppooys3^G%pB^s(R?b=u$V zc$eSq>DKOe;|_MD$nCJIs&T$(YA<#l@+D&I4=x7g#e)O1PP5m>iyFbjkWH{CxML!? zb0T<7@O;^`YbSyu6T#gRL1`kmXCm;h4q8SIw1R*BL@+fGOiu*CfyF`fz_Nhh-_ePn zHWAckgGSH{TEV?RJLm*mTzkQ>;COH%mWSbr!7m2C6#R1V+KJ%N;IZI! z2UY~Hp9_8^cszK+Z1Be5O~ISzf?u5r{x_PuWiEJY@N2=_=7L|J4Sr)Tcso>^J%qhA z6YOF9#ZKcnT<}K0uZzn&#O1fe<#+gHjD4E4=acm3qx9!5@u$b$V-(Kug1H{OoG`{~ z2CH~Ap=8(4l8D^A6Fc{`#ayG+OYKg<#|1jr5ERXl*8UT)V&l$_?=EBPoDn*YH*?q@ z2nmYUG1wpD4zm7JarrZG`Ezl3zqp9EDcA>bcVH3w5MAIKaA6<8AMs`c`xt%#&L_m> YQ@Bj9zY#Z|!Np^rr$?mvy~*PL1Eu7U`Tzg` literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regression_gp/netcal.regression.gp.doctree b/docs/build/doctrees/_autosummary/_autosummary_regression_gp/netcal.regression.gp.doctree new file mode 100644 index 0000000000000000000000000000000000000000..dc058a410676f7ab750fdb56c22a3ae0706a8c12 GIT binary patch literal 105326 zcmeHw37i~9d9QV?w5$8HY+3Ti=SoPkl5A{zVjZ?@R$64)GEQuHn4Rg}p3+>NL(==){bycTT$d|JXXT0Gwn`oFFuXhL@;0tecP7@yqQ1^EPe|_~lxM_9V z)n0#2v+pkO`XtvQ-okRJ>U2ihqj_&2-)c2VqwN-?CFvHFicOMaaiN@VHgOYwFRJD% z;;$vecHO@i%@6|;m1T~gC-URaJz2^I8%Sv_puZPg)$h(z_N^$p*XENo zqD;x#n$1d$5Bc3Ngl;%`{oVtIug_MB9g=gNx1!K)kXh!W5xTc}%hWAyjl*YnOPWrr zRjQ7|?^bI^8f(<5EvH)Sczw6!%Wd?6=5*zV*FWx59oS8+(ZNMA4>NA%D|K8f6@+p? zegc;R^0M71<7#=UR>+b0(o>LIL_Ivw@z#vhYOQLmvKQ?(|r#QR(2$ ziY6?go-5QU6damBxk=n{$_~GiI|akeDJKF&*+6>Lh_|c(H)ynSW#^<*?hMcO2HbpE zUoP@iJEu#~Rx96XHx1D{&s6@=M#1|OZfYo;KQ8LXw(`xH(xE59hi0>v07+#yp^?fD~M$g$I|gO zhn|E`xOaOi1X7;?)%2X;gHTIv6$#LUmR#tk41qe{@^Zd9-iCQY-9=o_N38YMHk?AO zQOp&cI*bEk$Ulwv%cC%E98k|E4wVoDlg((+=vQqO6BgFW#ZCAeCnnlF<NxzbT&k2>ox`gx_EyxLI!1~y2SKO+ zoNz$8GnxnQ6cfCSZmU&qUO6;`+f8&_%f;YZYm5(dy!8ah831Ii0jS@gLlFVYx;gzpRO&vX#5Ljd0e4qSo?jahWUE zFyac;ZZ5ca@PqCXVFp^}Dn#oO?K((MQo}P98UChVJ+(rqItCk1@o)`A$Yy&q1Xrq% z+m>s25rio3IMIR4R7Ra5BG&|1a2=-wBI^r)I+1fK`BFKD{EN~b&h~1VLBUwdV!l18UW zsieqXw9-zuvJ@J?H=?Q1ByJW64v@+3b z<&cuXb35MIqAjauTQ0`QW)==oDqy_H*E^24xZbES*b!7H!YaI>P^(Wggk9ggXV>m4 zcJA4=XU~qz(YD*jJOvao$Eqdpi$F7xsf}g!*6ZbxQ_S3g@qqk%M`m9Q32v>vBXiJc zRPxn{%-)d$8RyEeX69C>;NI9C%^a+Z-iXKfQU!Qir&Q6fU<4AnNG`mUH{?f4`D$jk z?bPdlLsrZEuB&Oikz; z;RBiLfR0wpPM%_Qq1-My^q8VGkE{a}cXGTt0B`gM5)%G|&r!Vf=#eWCGctRR+>|-0 z;wXHX12v(eR!&T3+;4bm)y-1~X&eM?cRu=a`)Ty^ebA@KpAB$G-hJjl`3T6N;N4kjN7@-?h*P^MFJKzo6 zB6>Y@A%zJ%M!&+4ZYYgs`K?8W{TR-@CAZQqzcoNP&(2ZAYXr^#%3+Ys(UZ2;%O0}Ht-3Gg4?e`3op@5SHVV(vlE0%k%S%fs$J z3oMHeAo56J#C@-yU*^UttN81d1cG<#BGOw}JfozU;l~*?srI=r zWBE3+_y%I7($GeXW?;6;{hcBqCJe5_2RDh80K|MTCnndE;=vl4rPM|#BqGBRQ&9Qn z+~}hmobZ&yPv%vuVJtJ#H)(!z)2&WJXQH9D=(-GvU7 zQp#>w?ZedSq90_BxnFd@q*1L@(J42IK?=i*Pi6TD2MLy(&}gn!H`{fjvG6?o1e06d zi5s9TK8c5MS1L#cWx9L3qsa|m%Aa%UCHTJT2!0D*Vcc57(xVFRLPXXd(rpVo_&ggzRdSxMvKu_u&a1EW@Bv$8g%@X{PcTOb_a% z!ikB_6bD)%uXCmGY7H^rxM;gBc$+F6C|t;geImlBPFyPk4$>u>sbXG48RR_C{l9j9 zBUoRFVC3ciFbcnbAF0->`F-bZB$z5>NmiGt7I0gon}JrjnM2GdjZLUqOX*etIcbAt z!-CjA8-sohvZETMuo+3HYP!a_mqQ{7SH`Gz_W_hMxVqPw&*cy%idFq8PVhi8pXD*g zE#c`HjnFi?TLA52(BxyM(-!zP3o}KoS$C0sU;@A=nr^L(aafz*avu08ffrS+kE3cs z-N|pOczN);CA@NYhPROJi>SjP#DK~?L|Fb0wO!*s$@#9L9}kGfe7to(u5T~pw`CsU zep25T3@QyE{OTuS%mP1{s+41B z7{N=kK*?K&y}}f332)xU-*iCd1(X0(B<T!G$QMv!;_eVswRn!K1zW!Ftz5fKl|YQTl&7f1?sweps=qw}jDZ(As-fTkYzWav(=>$0VMXw#9x74QU^4WW zMsCaoDk#PBI^sGxH&QW3X0B_gjz`rG)U+CML>HwfjZa8s;POeWu22&WpD#s6KzE0rxm-}rWd>IEP z_kkgqT`m+IDs5tVCyJh$W8n?RJWzr`!4@gGX&Az?#3)RItWwMTY{u^{K}jgX&#bg? zY62yMiF%wTSdi@zu^JTR`*^iI$W@siI@y{lA3tWd0GS+j`p z=E+7D)6Ai2y)q$LOJB?<`sE~RZlbdl`kVHYXh#VYu$e1Z55s#6d^EFtW(z!dm0Z|>w5};oy zidJa)ko>hV-eIv#;2RM5cxhln+*&1Wp)v?7<}n@$;lwwICltBFUlq*k5PHk)N)>6d z$soa;#u$NgUfe%Rv}o1pe0c}8OP5YN;a6k?mWzd_tLhC7`n@penabD6V_%tz|O?@L-DDexUkJd~OXWDEf|&~1GE zOS7?x0ugdYgcd!|5iK_PPgEvnc6tPeR{#*-P!=m;AqZxyL|x%yqLi7;n~QRmf4||} zjb+4E&UNxU;a5#**EK%KXCDG-KdfD*F$i>U6J12b ze3f<;WJH+~8u?^?c%F8O<N(JK4a=kwWNj1nTz16Zs|t8V zjuIAu(Cp#7%r(rXlv z7!O{ho<$u(J&E@}&AG1@Z;4ujkp{J1p{Uj{*=}Lk0wt8T(#=Now9u%bf}z)KvzSL_iE+?T%_Dt(Km@uPo3Sp|KeRX2P+pp~5PL__$}Q3OSLBpKvB%{e0)hptl&= zFt&n_K>V-T7J;I>3dM9N0aqIGsG!jiJ6!q4{{@TG4h(N?hxnWOQg zUA-G)8O_X#xz#F zX07ud7oC$-aN^Y%?2p(9uhU=~eK1K*RYbgbyM3?~J{X^~#L_u23RA>p8d~>}k!q)i zRGQo>9}l1@YmLR!a4NKQBl!GGzpW@4s#rXw(VyjmR7zDWnKUYL0okBqD6WZdU6?zH zE=qF-kD}mB6&dw#rB6XDl6XsHOui9a<|}NI4@Y%>G7Y#TRb=3)zRZUDHJB(~q5`UD zZt!t&!7&#RiTBE(cC#@wTB;7YCE6z8H!*aj@rpL9bsP1-ZjAC^$TlMQ06zefv%?UBnaa53uR#(k-?YGpEywb#L<6FBdD5#843H{NL$EP zd@l5KV3mBvOYwY_-EX%{J`LZqAb;nhs!H7B;^~BuOFy z@g+panXAwmIcf#8HVD7Smr<)6b&!7|pB12I5-tK2_;eTn#!Bh5gEc`O6*ZVzn=tY? z4zNk#0WOM2w5LdgBsHY?Y|*^1RH2MVwGvLQNcxynY{t;Nt>CMgt)(>Izp* zOh-`nrJ{657d+e{_Mx+Qq9>w#6rWsc!`e43M@lRk6r5Z|K)si?J1NP|R*y?nluD6Z zX)WmS^ehE}(FBc8I$)eH^XO9GnQF~krg3sLhigb=pJ4#C9^`{WaPV%0z&e8sc~&y%nY=NU3R)+GUU%uho!R`kkS=Yomrha)Yv!?kxqdMFXg{ zI=&T)@5TeL9$6z`SnfGVId(c^v+fj1C>e$!FVHw?yv`S~FvY8jw4j1K3EL8B$Bi7Y zw{`=j9f%t8qHd5zVkr@?4uC@@lwgEEtqD9qE`tfW%#4DM8su>5(Yin@ndqs9XX%IV z4UFQbkv4f0(A=-r5CJcir6RvO3vG<56_pU{B_y8!rKY)j6{?Yoy^{5{IsoInh$BHprDRvO&!Lq0>1k%64MqFSZ&|P(QX)S_mEjk-b}EH84uZI3)G^)IVO;Z zm&n^hQ1|_Ha{!7j{i%gu3WJibWw2Y?Oe2PG6%ID3yZn*5;DtLRYJB;Ev%5|`65A=D zVcHjj1%3W>L+EJ%TUx5d^Y!Yv8a+gsF}zJQU&nX%h(%c1k%HX2O!Gq?p_lWA<71V; z-3|P%*uO`!2Y+vpXtkC9!2NT@*Udqdq#6crRd z;vwCmSf?^iY5YPH>S43o#%>X86HsN;6`V4kT~{!_q;M<-K7L=#M#TmQ9%q!jtmgnc zL8ZkBgxV^$_jiW>Rg8Rg?>^I{3F3Fzh+Qmvc@M8miy-zi1tEhPzkZrr8o+coFLcqy z#@pqh9860**s4uCxz`5nh$%8W&g;WgZ@yXF{TMbgiS2y4z_Iv<-2A3C^ttbG-%FcQ z_&X?KU&!-e&ZD+3LYQzgk)y2?=OI&XL z&x)&N_WF_i*LS>|lAAS=z`_?)J9(Mi2MgbiC-NN-wQC#c@m%j}I<@~Mqu_}nL+cf8}tIA+S^UgGhgWco9l&snDJSgFOc?7@5+K9sK>-FL$<-@4!Nkm&jON05nW z^}H`s_DHFU{g35CC?Iyc!^w0KTBLZ0WG_i>FZx5Z6<5vdG4iiWpp`TM(>(D;R~(2$((!sGdp(hz!>}4y7yh{S1@$wd= zK2A{>k2z{S)kGgOBirter+x5<7@|AgmH>%}fppE-d>&$`+|;bKQ06EcHHPdi*`FB! z6gKmo85M4(2)RGNxOtIF7)9bZ>N!C0q^svvBZm%kysJ$ngS{Ca!)|WpQQt2+Vw`_x za&x~U>|=q6Eo9$4Tkc`n|A2Z@31zaV70-5_?n|2$QU2AYEJ4Nku#dK8DAzH4InevL zyqr>DW3-;yD6?17Eh9bac;^LV^!?NbhSL}&#XM)WlMP?#S#J2Vjo+N8rG$cn4ER>; z@TQl;v9?OF7c;qzHx|&ad4cL2&1e(je!TY@S_nGw9QuQpWZz&ipX3k9+6*>tBM-*( zSF2>CD_V3kW^K4s!!8{)n4kR<2UW4t>D=G=3bn5ikma594l+E(L+GU=m6<`p|fl`8Le)1UCjH1dJ=C|ijgs(9fL z@12YKr7V|c3sm^r7`}-!C9tjDY0;4xXNDh^L^X(>sh5&9HoT~fx8K!vdUab=B>{g{ z2p7wr%!{>TUVjZerCKiCUmvq2$4e%&9lZ|i4g-}VdEub*xCKVN49`s$(=?PovJklAZK z#J-`g9{(R7Wxvu_*L>xEwnn$x`=+n6rTXf|FT9ZbQbQh@xR9N%pWX8Nd)XF!b;rYl zY?;2g>(_U(pXhdDfAk>xj=nlE{CW0seN`X-SGG>KYv)a&DXF;G~|o^{a&_NKYQ`{kFek9 zXD|QRm)I}#)t`($kuA}X4{iJn`<{OGy6-*6{!?FlzVvo>v4VWnz%N#?U#n-Yy7HQz zvc>w@6ZgM?ZPZu$Kk`ZTH4S;}-2cITq_0jq{C&1aL*DoLr?3n3)$?ER3-)~t`Lc(X zu$B7RLl|A~Iq3`T& zdw53{10_x7>BJWI)810Kw20l;{B$e+0w3O7LeX;pg^m|??(g88cy8IW0I~^3r1+<# zr~w7VLpp8c0dDdHc1|o94KxCdoPprzaF!^#aEV{EA(x>x+hf~AXP%-JxfZp$D9}ob zKg}V3z#qb_Q?wxWvuc4VpJ+iYN-ZvqrQs(~LzFv;CgjIfL@=O=7Ub*6L<~V_3>Hl& zAS4qp_`(!Iw4k7oOvGqGvqI5?A`3O4e#HNaykg0>V-qOkRW`A#@wg^lA7vHqQRM( z?Fnciso7DTeG8&Am{aQu0<8`4Fz*seRRW%ddx8&+4PkhZe~T8B5~Q~f^9#{}(gtd= zGl{39fr~N>Y8V{u4CX?m1VN565o#42SdCUtftth|lo6cr6>4LvHp*xS-d=5#^`y5j z)kc{SwYV%vZIDB*8AsNIg(fJQA`F*z!C+KjgSA9~f>JO-afKa<@RGbhLYW&O8MZ@0 zg(0Wdt=cQlQVK|DpV$jpp<%ydDo|1WNT?D`)Yr8cA41V2Xk)T({MhpVPfUr-ZaageTaGu_=}ohI`BZ+Q*?B%*OM`jl>9|Je1lOYXyoGX_>U#r@ zEbFJumW5gyuX9jsY>{|5X!ve#vDkZwU4ir3O>WZIcl_7DL#3Jz<9E2p{)T?&F&Sd` z@p|$23_K>|2|qr|e@va7{1~T&@hz%;k;q-84i=WjA8+v1$cnI>Q)g*IjyNaS-NgP8 z_?x52X9CkPzbjE7+zPlD+-pO)dBs;F|AHlQnzY9tKR1LtJbU-0_@*Txn(4<7+8QDh z&76EvKeZ%9<$)MdsxxGa%+ivy*4KhXcAY_m1Pk1>SxDnvWr>?g4l%e@M=QShVwFa| z*%CPwCt{F?m4Yd$&-ivr+*HPh!5wCtubOJcFSkTa1&!#Lx&UhnBH4?h}@{sV)jt8<~JF zzuA%um7-$EY)MvH(5>HXNr&oJ7IggdPwa%(M(`0!I#l$Ep%XR&gH9llJZwpZDrGTb z!fG?f1cS;KE$L8sEr!m8q3$v17@MB8_P%RLj!JSdv1w1)V~4%%4bazELbW$uOyiX@MwKtVF^f@Yif_tdR5{`svKZBQ_+~6dRT;h! zi%|)MZ^B|!@ZcM;7*!|u<|{_E1itZ#(Zru`x?(gv=NqmVO{V!~D@HS3zR`-&{FHC9 zVl;*18>|@3^7!T|MiViM!m5livZv z^L{!)mLG%?c{+&C)vZ=1&C-b-cu%hGM!*P(J_#iHG^Mh8E7;Qg(6=`-;^wvo9)-91+ zP{(4tM~toi?S}H|X>``|gLdTM zf$}u}&Lm-wI<2H&AkZ6yP|N~!zW^0I2Y(Yw_X&&gK59yq&2MAE*r`ZXNXPW+iz{i|pwb&e*I9YPN=vNp23lgZGY5NbP~{Kh4c#g&6JWJ>e;}@t z{o$mA_|hMm9Mnz$Gx3Kt-E{EM6df2I@y98m#d}0VUEXf%Px;k4Ix%FJ`A^g6q?-AUQ!p52{sRk8Y38DXtjzoq zmRMotv@ON1)2DCdfmQ3P`ln;&#AdRYKLI!`bDzg^P&|A}dROp(R#WI&Igp>vnrf59cj`{XxG1Z@n8jv6*b>k66en z4gJ43sGY*IIx| zGZ!6XW#<2B(d~p4W==at?K<7w%)46dbW+XyGbtDhGyfM0P-*6(gRIQ_ot9W(=Cq^UuG8(!JRH!2J7+UXr(@^D zXR@7d2F`ASJ!xFp`Pm%QPUM-``NE*o`%2I!o(YTL_yJj&N(tH{pvJAsg{04 z3I@Z{FS7uZmM*%;%F@rY#0pEN*E{UG-QLpG7ELt=ihVcanc%Vaz)tKY8~oEPrhWWodjb5txza#~NVg7$)0V>U3 zbeNU-pSHvb^QSkD?2N$P{KNT7U`zLx!CUWUPi!We{l8ntE6x539Mn$YnV9{8fY1w< zbr;$&_jv&AHfF_}dqh9ce1;e@%>36WI`dM^{1+)03^V_k1*kN0(Lq*b{#i?`Fmrkd z&aTt#&0KBkRPiMKU6%bRT_4|{#BZ{_UzcJdq6oX zOGSC-gyVdGGs6RNX#`U};La2bh6ntP1*r4@(PdU1aHSg>!czciNCmQI9A;Zi+m_{en z%-^4a!7%gpSb$117ae3}<}bCx3Nxpdh3z`s-pti2Fe=ddFZu=FG+wlPIu=hHCtLh{ z;Ov$TknW|$|AuSHPWTyFd|=PO#VJA?7JosCEb$f}(T}$!9N|M9Vi^C{G?J;tza<5O zVf>pcK&A1EzOpj@U)mc#y~1wS|FdHJfkpK(2;Y0SCytYizhI$IY5Y&+pmxH~$oK<7 zPo@ZM82|k#vcwyIL_b}PKeVafS!pCwjsN#jFc`-FGz(B^{GzX{jQ_YLRz!X}Si!FU zXT|sf3y}W@Z1!&a#Bs9m|BZ#{()jiY)QQAJI=&;}0#s zekF}$s_}m@1%qMy|7rm$jbHSYmGOVT5-W_Kj{C6de|zH(A9`VovcXl!!4=c7equS< z`Y!}d%e?124r(X;Osqe&7Wxt?&I0W1KRoRC{}$Nn-TaB;Wb^;Jh3L}!zsf=FgrAA|2X`neTiIP`!}|LH z+HEL{xBiHJqRCIFLk#2ZOCy zDL!NYDxE^~ot0C(#u6)>f{r}2vj=;p=#miymiw2lnvOFN$H~qx0G!>j2-3ZDhQ%Dz zPWYKPLvWA7P>Rro6YNNlCEf`l`stbxg|<6vOCyHQFpU3v3s7nNqOYusf1xE- z7(X4vY1jYu#;*>FRI6Y{zzM9d>yx0W;J5c7fml!Wf)f@xkY3<&P&+Nm#0wI3K0J^j zz2OdjkRnvPJ46)aUEF0%2y_wAmV?4`(`cvq#dA_H7=H0TEkLDTh~BgE3&#>G{DKaQ zwX+C&zvwb31hxkJBiQWS9f;#(clZYj(WN{59S5}&ekSe^+z;`?6rl|-_+E-E@m>(o zPuD>qv^C<}X(UsP{~IY74CDU~3s7nNqOYus|09-IVf=KAv0eY$8^6sN$h%fg$MA{U zWW(PHoR-*&eObifuFqez;sbR$nZa z){*rsgKtopOZ>FuU@q~~s;+m}-06oen>pTMr`l@JcX!bpBkaZK@Mm{M*h}Q^OXcs& z_^*QxAmvZvYrXh*_LF{t|9K0?%eB$Yh_|?quX7(9@dg_CQ$9|zI}eTB%_HuX5uBJf zg^RTKB?kjxeO7~k@XYR@603-c-9e?lUu?-Mh8Q}=J|@z}1X}x85guavd50e}{t+zp zo?8*O$wSOPSct81D-IeX_>6{_>|tYwIjWDU&m6-z(`e;!_UJ_XaPz&{(S|n^7;b#M z?`-=VBn>^^w%6V_EI_3x{)bTXTn#;|*UX9;c_~BB3Xn;2erZ`tIcSV!u|I$+LML1H zFyf5OazyowBO91$dd}PtGG8p4^&!F#h%bB3`WR;rpjpXW3cy!K=28Hvwaq1dT5b-H z(U-w9XpFvG{ysteULk+4l)qQW->doWY>eH5z?9~`a+DSBYc(AFJPO%Hh#><%ge z=0_}ID`CahP2Y!!3p6tcwyI{B^s$%7$7LGOZSMm)v7S7T*DU%=W%?Y{P75P9frv>vp0og!-cjbDR^Cyv z#0u}AuNm3dg?(n*)2EOg2Cuz)2C<#&8UJJqIL3OzF^=lVpg(HdmZAp3KW<5pF5W*P z8uPZN`G>(Lk(WzON7Bfry2;@b42GLL$pTcmiReiyH+h^TR=5d$C(h0~?A^rTBXchT zhrJIM#B8!xyudK(_OS}I82ep%YCU(E%;E}N88`pK0+_3!h0PQxs#an(vN&b;Kab05A{+cv;skXl| z1%qMx%Pc^p?Tg;BvizoH!QLU%N8b#6CwzMQ9x&Sb zC_y|YyTd69;iWsYIH;ZYGjWH3xX+HiEJb$16JDGmQoJWb)Z~BeEwN_|KX@>WXsRE) zFa?9*2M<_)NtX5|NWTVjPD(8t~F48h(H)X{`NZHH?mp9hn@`vCEq>;s>%5M27e zzi?1H(P!cVks8sjQsg%5|B)1N;_W}8BL7gr*d8%#|G&}*rrQ30reH8^|A!W!()LAX zS=s(4EwRG(7tKLZr1s;7H65;(T)kmB)=wNKTmKcnX_*jR#zE)a`eQ0Zccn;f*#8|V z0>#^ZL`nXp{DfXHJmB^;lBphWECqw%0Y@!Br3Z)(v+{sTEV04^E_f6@AY3(hIoRwy z{u9T^9`F(i(PjMqBM$ngctBY4zeYImmx@%7y!2v^n84s!ln3FyC%AOZn>2eK!pAJN_c-ufcZj z9zhZ$d&Dm+R3Sa$XB>3yJz{ki6=crrt^&g~HUqTVXczAq5p8+dn9>oZZHe7QEXXPI z*=a1Ky2_a;7z|fgX8|f*Mf9YVtNg^mJ_svZW#t?U7TH)=DVI(-<&s;g6|?)CR{oH_ z^nE1`GIT$yEwmwh z!CD#Qt^><%ii3QzA2DsBC97H&aU5jf|~LEwzvcH!5M{BUv) zl-hgnB%YIl=P8ShlEJgZL1SEGM!|E9KVgXm&==2+#Q4mYug|z3`k=iQUT6U-4eJ4+ zu(=AN@0%s%qy*7-TL>&IYGV?B=w(X6H;RDosV5+yH*Rl zS3edR4;7HThaQVeMoMAf^A^4Y$Ds2TzAS&gB7eWie`n)dg@=JDE!B}jqwrFzp;1Jz z?w}H@7#+HU%D8y9C9fE8&z*w-cU|11-ydbqJbOB$EHRoq%B};>wBC_1bTtRH9A)h{ zwQW7BUwh3QJYpVwlsS?woXC$mz6LIv9SvXyub+nQ9IuN>WnH zVOe&&-`ow}z)@$+Y0yE0#({db&5|ybLKhmlA@nWwLLadJl^%B30#y2~P^FdM?&Mfw zRBUgC-6n15g>IxT{+4~vnx!ajYzFT&mdd3rx zJ7K-2&Xp7gkBFLGXD&&IF*|ZH(i_p`G*Z7w{=QlM{u%$Bjgk6gz?3!?NZ%Cp_h|X% z5;+hU(eLlU>uk7W|M@cBH_g)3-&$xwdgA})pfRK33}+UlncJ{gpNY#X{<1~?NlO;}*MlW@2bEYwuGAe=j)*HPd2Nrjy_GnYHdk#| za_S6H97fB2jQs?|^VwG9dHDIZxat>I1LEgr;^sHR&#%PK8u4tY`1z%{dA_*XB7T;M zANo2uP}3)y@k1Z4#SeYP6F>AhL;TQJ-S9)7x55v7<_ACYeG~l97as6KC)?wPj`qe6 z9RxkRfFCW2A3D1VH|ek*{Lq;s_@Ofy@Ix=ChW#Sgurh#z_@3qSNq3Vvv3K7MF} zGJa^6CVpr~8h&WM4Sr}N0e)!h6F;xf%prE%ldDtSb3PM-TqaD!Yd95&0(n&k)0GCF0J(Gjx_7nUBWd1>0gn+{uN2?Us27MuBek9;G)wN_0hiwCAUf(U^>V+M7`sbz*Z&|Z6S}s+`_m0+1Iyi?|UGHEH6!vC52K;99Ir$Wka-+H@PP*S68sY zF}l|3@FB#5;+bRk)mS_q)qHlk9qoLkqRy3lm z6%`t)G?mSJ_g^1HD-S|9G^>tA2e`sRW1Wu&2buSRht55hJw$`0#)BT}j!5;8Vu+tE zD>2b{t1)fH(dWHzL?@+7JTzcyJX`39^KOX39PuO3B_c0&~Ah#z1pF;U*3F?eK?4|3-_jH(#MOQ`?pec;TzT5O>OJUT>$;#P`E-|qwpQgEzrZ?Cv zHdsqzL<~y#f!)2*+bX_7a+OM96nnnGcf5>%QSV^IfXFVO89{fnzSN0m4G@WzrifY> zyNzQrO|Ih0~}8{a%1f$;VSloHS9_I4@L3*`;7rW4KQ$t6Hj_pqamk zSJYsqgI88>CBIZk(0GTUnQ00Iy92BwEvi>&T026g*`yFsIkcgo5CWwsDu-w)+x?n* zHv-s(h0axT0fR>Hh!rUZRa!KKi_+~zU{`ri5W6hbOUzWf(U=F74Wx6fB6k?KETc>8 zR1-3>r`wR=JPCWylBm?Au|Fa58fJ{@jQ*BiaWVfL#=&N!tw%FyZZ`R#X^>kL$L7Un7M9am;485gK=Jmzv@p-lhd}B}4 z)>wmzVT*V@tuxi?JhS6%2o=6iLE}|4cJ(=DoME(L*Wh}RH&ImvRdM3AG6}yG-N8;q zsHn`wY=RjWYHZ!p)^2Jx38_qqibB*-_0=xKKd_Iw=5o5_?vJ1tmjtVnJU!I3~ zpG#(`HUCGkO%)pU9s@$} zGA?{E$EIamJYa3zGF$8 zx&mo(=igNws?oErYbI4r?RP)wdQ_WGji>_2z8B$1Dcfj=LX>D4!a%hs)(47e&LFx= z4W#Rv&^+r`UzOEqOl+OzLZv=IE`pw-?VSAx zYy`*sa64J`l)P&TWsjt`Ot39BAG`{hJys_r4^$gvYa;qnu_q`%QmHeh_!&meF3?Kt zwT>xKQ5}_Sh;VvMY)|{esL)Yrp-a{I8aaEM=2O)Gf;uoThij<{8C6`_*%40nrg0j^ zmkr;D5MX;Wx3f_Nm71n%E!z^|-$~;?y{;=?e(d@_VVDVag_d!;)l`X+s=MsGh+K#5 zGrvOJod1EA?TYSr`U1ID1G#w-hc=4 zsg}-vdXxWD^Y1@BPNcP=`Cn9`KCu%H&!)JZ$Y!gchP!F>y6rYt==lts=VSX z>&t!R{HRmrg=KHaxPxthMdx&fje(@w=Pj4T(Q=JW%)%bh+^vm#wTaz~Ky#!~J1t71 zih>VtJ+V_?xqYkzu)$DUZ<*+wOfvSifxWNk{!iPo&eQQ(SLlziffFiZ5$ z?x?Q!7PXuPwv}R=YTN58Rlsl))oa;t?N$kTUv)#N?9hJOW7X2#2TFw&`UabLpWneY z+G3e+y6&*&0lT;SKIji%EOJDA3^wC@=E)(;o4F&4M?3sAME)>~Pq zRVuY=CEqxagTf{{Q!vo6iu!vs1R5WifwHS1~6~$7MKWR=>TY1>>pVHkm z`Eogjt;#2`nt~P$NCSjR+l_LrS#X^Sgk^6hKrV+|48UI9^=@h0E#p6urRd~F;R+|3 zok=Vv@V)neyX>8WVP&h-0%O?4?mGFR(*T{7^cQyAVjpwCtzpCdh__nZYL?sMxv_S& zfSdhpt5VKkI*mEVUlFdgW7vmXt+jxT{HjEL2jZ(v)f&ZSuI@B)l~T3cayr9*3ukSQ zHbEPGPCm{)LI_siX0C`MRVyV(jk|x((UK-gV-uiz4}6yEg=8wy@>33~s-1#2^T06a ztv2sA@iLMV1}(xouoHXITPr||wKjE4sS3mn#9z^_!%UnUVQ1))NpGe6Gsl-wNco=w zUwDB8|K}}fIQ3cs>_Q`}5C}>QZ1m2x@{Mr^RInd>wJ9m2H^$g09YO2rs0(YJ%{Ds?09wzBN^ z=nKq)=>MM*qI29QQD?ea@QT4`-aQwD+^y*B^YPz>_|NZncO`(9bKp(v$FeQ;I!--P#xO=({WEQP zBS3eGQ_T3il|7G8-Gs=Es7SFRU(Qf47M+l(RWpb4cpIbYWDZGe+02o{hmP*Z?Af*Z z30Z1<$3dr+Y1Z0}f&+N+`s0Ict5v^pXb5RX!Eq?~HM5m+BTI#^=FrI}>>4^DW!?RR zy!m&wUL4!TePR&)c*V5!Bb|x5v2RPb8-aP=KpMpGm!I*nSyAwppYifETIt+eG3_3j zA#HXG4sg=GvpUk%Dt^U05%G+=;Jio|BzqDMF_dI@SI@+V{MTi-46l?iCY#t+h(#K*?#j&W_As2ZL^t9J)0*;dzW_ixOl@bJ#C%z zG^I^TPgBhjJni-cG*n)4JTv^^_tla1Hg{xh$dBS%8apz#6x=G35E>+(gs}@xXso<3 z-*n1uZES2uW^WaLR)o{>ckmqeU4cWHMVQPnJ%mmK&UhhzJgV0jcssE-D02WlU7!(D z4551)x0g<4Fu>It7>6@?y1a7Fo?Vw`ckSMD=^h#{_w4EFkxdMk`Nrwe$!x7LK7@gA z$ZsC>z-wow48u4}5gQ46Vl2d6@Wi>&X3%qE$p<_)7UCki?wFw_X2nhKk90wrn_fU} znr1DgTb?D|QmM+)Embq$E&Xwmr`dUx2J<}JoQk*uelqM{OIb9X53pQMXp!dAB!cBo zC&OG~dA{AMsfS{gXWkL-;$rT%O1zYu3xKW*-PF+iCKx*oQb4gLfVhc?Wveqh4?6+* z3(gvIPCmieRHY*3`IuK?O6q>vTfATX{X+16f9EKQ7)bA%nBO9`<@FaL!YAyA9hJcC zrTR9X-Y%7|=I6?_am;K7z3a1Cd2-B)YA*Yy5ms+_THYi?MtQ9DCKtf*|Q!m8$ z(AXB<863g?TBxVFx9UF~ZvZb@*VIecqDQz{Sk7$b2^&(K8Aye0?_mCZtBZ_BPWBK7 zYbOzwn;E1-nK8WY>tHH;f@e1~I5n!7!G`*6$a~CrqpZwi2X1xoQa1vs zli7ao$WB_L-JU@TvIEC)?G!cX4C0}P{J1674Cq!igQl7B8m2T*m9L{f!X@TLc{!%j!Y@*WOooS3K|8M%ZdS@h#DK_Se04@ufIdIibEsS zN&40R2AORHPg-d;+L$kmqWELpH0kqiyry!dw4=I(JRB8U58i+%DkE#Ary$MQkVmK?ZXK@ZV}Ts&FpOIOQ+3cB_sDrq-I7{20wL3?Itsne^>*<(+wpUT z3PbO%3`O9s7=sF47Z(U+NH zSXV);LenjCFba0%DrixIwgaXP^P9S~FbH2BQF&M$u@KA55YiQ$KTl9I1fx*iHN1+X zZLY?CgXw6z4C^2kqV_0f4>RX@;jPG4x}phMUB6DNRq!(I_->nz*wFMNR=>`PdgN2& z`X-<9j?ZUv7Wuq=&hj*$->B7fcP3e^mbr?ap3$7$Z^+li{MkCKokeErYJ#^6bHfEl zb-FB}#T-T}1AfdCU$l|mkk}o zQZbgrk#IZBA*@2X?a{zl$$H{B8?$O8go~h-GrU!;{Ae5JnV~9x{R4HUV65ti<;KKi zLT@35_g39``@OsGyLZoh>X%n*UPICbgnr<^S?DWwKmN+AsbJD6 zEi`$@jv(w=l53inx6AJ;)1;73{&av=b3iK54h)DrtAlsM^FbWQc|>rwn88fZtrbJ- zGRBJQgqcfAu4s05$|;w3o~U9+O>}~(a5k`Hl;N8oN@Jx0Uw#c>!*mz>VDQ$YcytOD zj`?atVqQE+6kAL?Qv{cFl%U=fn}H>%6w&h;+8Bf#Uzo8vsHk8g04Bp!MJJ`GB8ZrH zS5Y5BZN|(h_;gp4WC-3~RH_B!i+OBuJLzD?UK^$5a50~jJopMCZXDEiP)?vpG;K0L zv8s*2)C4yaF@~gQOqQ8uqA^}dLA?jgg~AHf`%!n08z)c^(y~YNgC-}j-j8w!uM+vi z3$&7KnQcTB!0l(WjNuZfSYVEq=ziQJ&zqc4MuE!9!1Witrig=TKcz`C; z9~4pT{rJIm3H};CYEGIKEDcP*8^MHq6^mM<*f|l)_ksqFpbX18==Qs#;hTX%rkA@C z71r7)yYi`i=*nCjyFb2bhwAa=@FtY_aL#fyziMj$patnU#32K)H&c+gwOdGqGiCpumq_F_UW z9VfKwg`EUR3|imf-J6^O@@0LLt~>laeXk!X$6o7svC8g1b;zr<-K_a*e^j)J#;<#6na z_zAjn(5LR2+o4@$|8q^o&tuOcRVDgO*g=GTAG;QIE~H7z#r@vyZcCph%iF|0BMjpU z5yKcvHI|!o_!9|RLhuz2Mc}>jj^xm*LoWNK!Hk#fjY>>#y@_l<1lK@Ie0M6qnTZ+F%*fMG!|GtKl_qQQ@?uQh-Y=3rgI%h;q z0yjOoyS2;6IZlm4uVX7kZeGZp4PI+&^ASKQ8x2Jx-;kS-$e>Sp{y0XWL6?+@16te%fqrFXy zNc4XXakV?>r-*}1Oe`HFgL(^Tm7+5|pFH=yqRqST6Xw`kZ!B73b7ys2EL`TpB|BOu z0p0%=V0gEBae)@g@Iv_r-m}f0!d7Kk zMene8p%LlP!{^kX11F{DSsnmvl%UY4fL}C<6Wi}TtR0`sm+*#p+1aVy0M~mHjE7=n z6g-8tDr|E376o@Rdo^iUEX#MAy2Qw?rM#5a`H_d4kn#pe*`wjP34eK)cHsaq&M zR%3nZA+QuIh9_L{X^r*Zk%0lJ>Wo;s#@7Er8(#pcWbod;d>LQB(rT~3kx|>PW!Q#muPK z>8{sB)q+1?{?=PPu!8HK3o|g_A6GLyo_t(0cmoU5^as7DR#Gooi#1yI zmxgL(BzRxs*5Gs(QO)Jp*TH&cXE|14`g9DR(^&u*(j^yZ4)H0oc!-3V=dpuH<$Wt0 zF{$uBkaNrOzQAE5!XMY3AGeRGmqhrZycd$^TwN03&!Fi{3pVlPeJL*mrN_$ZXiOyH zE0rJN`g1q9eSWS(_smG{4?JB~KfgtdL`~+y9A|Q$Krg%|^Fa=mn(IDm_`f|O$}))e zSYXBPr(cEosjJ2xGnI!VOMIj!tLbi&vO@lTVPMkn4t~tE=75q)#LKElBTBuKDd@*bmgl zLVez~_hg`Eub}8I`uu25ecs)o0->=xs4O0c^fVbXu6Xd8m|)JHf}2T|f>*{gFvCr7 zmMn_{{!~wD3&jCe1g7Bpv6or^yBp2f_jLu}$MjbN_xRkOHSyO7Yw>^E1o=pCvOk&9 zQ$aE0WIs*}U)`vSsL8fJ$2ad?tWQqEnE{chJ*Lz?u0i)|PoCzv(_dr6Sz_3gD9__k z&yDX*(i`!S3c>;r#M~XQ(fQp63URVk$K64R-#qu&hSFiBBkoJwm%1-=U+%tQ#C@gvD)&!@m$v=%zew0`_@VKZBy>s$pqhvO_d|;efSrjApZbdp*pCJw*RJlZ@)=^v^5l@?~UC><0$e6bG5&kJY(t)Y4rhno;G5HxuQR ztFgisBVc!(gw%%e49k z4E7paLEo9+3E3g zkEC^CurUNHG$Dt_;c+1^ATNj$js)(K5H7!v^FcxgkNW{Jz9b|hBq5JWE(ZxgTmL_ zito71sJgwu-e_++-7VQu!3N*)8>(Vsq*Ymw^?(lR+QY4&&@42{kh8A3D0VKb0=PK-E(f3yTfX^p5wc1$MWWu9N+FN9t3Ng z#Wv%~!CD(+&bjR~bLhP{$9p|jHaouSb(WXS_DbxRa-5~*TBli=8<5+xZ4ZpP;@G;* zqP-^A;54h&c|~emp!U1O#I!4zx#d_8bVw@3dpOd3#TX zOXnu;?KZ0N`9b!gZB;wW7;f6PY?;k{`CDlT~)cNJc zJR1kVqy^qt?Xy;w>b@9tZx$x-m&bC(O$(o?9%_YOFrR!lY9Q8gS zb6LxDZ3~wz5S7e6L{WP~usc=BXG5;{do4xb_7_Dd*bE&$2yU`ggRRsFrVQ+NOBH}! zx6cr_mnFCDM%4W&*8ODPclNL@>~_i<+2aRvJ)Wc<^X^Vkqy2mOn$(`|Vm$?{gU`Oz zZa4rfh24jX8LP0V5Fw&w)Fv)TX(Fn}L_o+=PBL>NuNHDJ{8h5;r~9)lSljHixp#s; zZ)eK)J&Y&RXbX7ncY4re?R?lQev&Qzny$rGZ;OwL7VqLQ0<^mie0-!oVS6DJJZK<4 z6_MS*pqBS}O|Ye9HLEby@_9H|MH0dz0RVY%Ik3-Y+E;zn6bM$`Wz%VPgLSPHI59l% zS6Xmf0#p$P;fdK^vV1(_?F5_g%xhT{r{+|;7lJ9^$+BDRkiWY$)!Yg4R^~ZOA15pP z6gc?_gdB0a{N*0jgfh&My+oDSWq)57Lh)Ns@L}lv+akSxN}s5L4WXnM$W&A? z9G&t+j`2C#G1{s6R=*yV(5qjKdX5zCjj(j>C zPhZ%mFX7XEp*RMd`sQ(ibqlYHLf05SmUTrJ&1IbZj!hq<)Fi5Z?IgRLr zfT%<`9=Iwo^-!?-quN3Bfq?&xN`Qb&xqn(qyuaKz{kUj0^664InDAFAoE(;Ft}DK9WrUsjI;tGwQev?fv~$+N9Lp(i`0XS8Nr187xuU-V##5%a32Y;lCj0ZgxWhm-6YVYOULN}jJ4jeK@c*R11ire(n z1dy7+nW8v&scp7wH8}WDIXf^Ap;5xdh)=x?XSvm|D6hmKQlsX!joVi4a@!SqcKR;c z@uGT&9mF(TY z>;FUaNin}2Bn+1R5wr2BU{}p`edGWvBx`CG=59!_DIv=QjVQE&wbv-LE=$mo{(&-8 z*C0ko=43XY1*h7j*ViJr#iW;MLvUhM5=be=2(qtIWct=VF~i3?6sm2{0*g2Ma|^Y za{9J#I_!mtqdt-ldb8+;y_ajF)S#s55X+BJ={@!5GtM*MAg2)ZV$rRx^z;(1H!lL2 zEI)mGG>R!2dD-!;<(}&G?Px6W*3aNmW~0RBUHgrL2aQ*-TpT5BDBb9`Rzlmyl)V9x zZL?8EV#jSRDYS!dvd!|zyQ5zvW9(dvsd2_E;y*BCcd*VVDSAzhVg5cMk%64%%zY&*T7MP(3ssk!Y+Re2XwD`Sdd6^DsbGys@m7PD9luO0JZ-V%GTe8e;%s8 zoqnX4tNsrBBNd!8B|gS=Gf}#oew1wgYpOah+r{Vv+qGPs3{@ zWU%^7k#q6(-$8hkyxp;Wm3SMbh`7;)3{E_iTz>j6{kQ^^R)xz~g783GhFQlTy2q+h zAUdVYbBo}aWMY!?Kv@2P3{}mKrrey)w{_L?5Up^ zz+CR+MQLuJTlS?69OgxzI{?+^@S@>tDV(NY&akoFS!`pqMVTm1-w{rq<*Y|}Bw72R zTsrw1R9ep1?7j6HsaIDV+rlP4li}=L?aCK!nKf?1RDPvx&KUUlu1@8Q)t)h4GHV>Q z-L`wqJLAk4FYTN$y?c#grh~=r86-EVRQ3m)rtdcAr@wUnPu>ykhoN=prq#h@hSsKO z`-f*NuJGW`xtHD|UBmXu_ySCfD&|yd?+OA+Z}v;~zjOMid&eC!#p^X%E_gNK5k(&_nsaTfc6S=tk2b|lF;lIveJYN3%xH47nba(JG|ItUNM5vD^#7gscnj-e( zuWlSx*FtUD*`upUH@=+chQ?`3@LX34IiQJE>$IJ2U}PBq%W3@uS5jg@7TEDLRR|ed z0VG_tCGge{08XM*T>#rL!#z~>XV9zqRrt3)gMSD;f1lcpFo+0-=vY69A}p~s8=rQ@ z7nRkJT-~E(&j-&fmz}2Lm&>L7m|PCFC(ppP3)`(?m)6w-)|d@j>BhEeMdLtL??V^Y zwjX6gY^&Mx;`}e!FAN_9uapUCv8getJfeMN_eX6_N=DPZ$=!i`Af4f56VRu=GtH76 z*l&uhMudyi*o{-)9o4;AU-r4 z{H?yx?<^er6%)fia4;xSCpPGucpr-r#53VwmzH>cI2g3^hL*mz^Km%PZswWQwlWML z@bL`^2qW9ibBlIdeURWNDgmD|MSns|yuau<{kU|(4LsqRtJvNneRf6P*bw`9csKG$ zD7!4S^eAy}y+p{uHvP-0^&NP~_x9AE#3rTsxA9Lbh_0{4RIT6MU~K1ku)cu`T-JZG z(5-JoiTdlnvmj;jy%OrbpTg#cj_TFT%E-Xs0|@GQCRMVGElxhG$s@+xBck2QGNp8$nz#B2tguq}3z!3+hjo z*^vn4_f1WgpToKkY!N@wzK0d8$Zv1D6~1T76OYhI`!Ji^i6p_^Iv*yEL)AZsJVGea zVAHK^5+CJFqu(W0e>E3Zdy=O146I};FbA6*d=ooD%yzlrVs8ePNR%X^*!0r(P}u}4 zAM7}F_YYlj-w$1TU-&;u%Y2x+DDxr6BYdDx9^pH3!fyVC>*o(C$M+873=!lL>=uVI zaRzKwdEE_mD!-M%%GgoLyFa^a&6;Wa38((0lYGyNazJfHu0);QKaI4oG~MZGoB=KK z?S>^vm(3Xb7nD0vtC&oN#0Y7*mDQ# z5mh(Xb|N60f$bITkOiU+YRm3wYB|fxR@E_mz@RulD+qZ+q1B<$+zR@9G~kTY&;3a7QZkkx6RP(@dL&WC*LP@&mhF&zbFN$d3a! zo`rKn-i&d8emsMBOCE*H$4dOz5sHL5NnPddj3t;AcFST(nVn5C zoEp^Cu+C!@2ralM**=G5CX9|&pGcdnb{o!`H^4dM!4R1EL;AGcma~byBC~Otl}4v( z(P>@DsC_U>s#~r)6xnz7ABZAcxUs;UY&Fz}&`^u^3b zapt&+9gQKkOY+B)2(Pf@SMfQjw{Z5lA9U2(?y@2>NR#bEz$P+bM`U~sOpAgy9JVu? zKH(F8=@B!eiX>o>Kvc)vkmLKDlfyyEBI5&oW#> z8TSid`z0i=^-KK)Fv^}r_B)&yW%aC1MJ3e`fH){$L`;kxp;I|@N>+o4;=}?l(`uLL z0tW)(vhBKOO7ss?d;S&(YJ>$0dWThX1rTF&SWqFNDel`~sW@DTZN7BEf`lnzD}m)= zR}fbQm6Y%xeS0L{XLKl}0`1DAgfa*9!=qy-BjZ&9+{(BM!|&TiddY`M;T-l?b#NS{ zMlk~C9K2G3o&kU(w`x^YuJY17;cmkLdVp7k5)$uM>qTlKs;psg_AqmERe7+h%hKKDK61tWTv3TrJUQR0%0v#0LCqF750fy^C7%IO0Yyj^26* zA5`zo+yy$xPTNGMXd=EC%rhj|hSgwj7=5ZXa2h8O6VwowRgH6wk1J%D1xSZP&D*$d zrA%nnULkzF6Z3yW&^YgN7mM;{)dE;{Mh)rO4p2k{TY(eu9o)=;@k&gbot=%rAU3?P z6G6BEg*L1;JPGUbG#?V@!0eE1SxkO@_n zI*HCR2apo_vJzB@%1{kVYf4p^5dDBo$!U_JGRk16Q(Nc zo;sinGvihctNDB4e{;-)|_uu{yOt3p9MEgBqDq28}OelX~?!2A*s}5n|WfJSa+kUJW~^_r)J`34<2H#5s);y7kbVZ zFk0cQ6fY<)W0ns7)Ww@XJGK_$Sj)tL#Ili<1XK2tQ6*I$WL7`9-b;cP$>aT035x(| z^ht&fiN!r-eUWN?lS9eBaVYs#50u2Mc#E2#3-`puAIdE4O^NR7J0i|dUZh!4#_xG1 zWc@H>{MHNfYg{z{my71>J)$Yqv&7YmFiyseMPOG_;lN9CRsbyzVNx*mOv*F}^Z5?))>NOWW|H@w#OQT-PVkE>FMV}Y!% zVv+!|Zi~;F6tPp0+&KDLs>E^hBx_^aEx3`bHsT7d?FliJA*$u2iilKc(t8IDk^|vy_ zs0m*`hN^|}^?3#GmBc(2(E1@J1VHNqEuSiKrWd&Z^>M1i0rl4zVLcX!KGYg<5lAL1gg7J8R>nIX_6E|XzH3OoKW!H!r|5^UsM3UPd0t*KP~ zTB53+CsR~Pa zYJEtn)_MHdji5B-eBni?TG*cz$iqZ@LAn69qg=Ebnb;KlIwl7|=Q`{&lo&&gb33%V zsSUnAw|HP`ao8l?nLu$)C#U`=MPEqP#&?-s`#|DBi-%nnysLhjXCy-zT8!7H(3963sO~KdyqE)y&`1)vuBsKW@+o)O? zUk?|+SK`Sy0PHU_8316X<>@I!*z`I#(Ebrs;z0WgjJzI`1kk>l6&*Fu((%h7ftFR3 zK>MWxEA)dJ1EBrWys}$upp|=1#EIAfNm)*zZ~Q8QQH-zHGf%|SFkdnu|G2HNKj543_S;{dhmnG||rS$eFBS#L!gSL*wy5{K9|jI17w z1jK%8Fo?Znh?TX41um)8SgLz&f5|>J1F201PSgE*mVim3odU-NZFt$SL;UEe2Sa!Nqfa=ooGt& z6KA!$ohKk~X9!s1C+#EzksTRA-F(Jgz;n?@b@t$gPuU0 z9_NPJzoSYVZa>P%>Jdo5?eDUpnQ(h$%0YFKf_g_&h^YgWmB9J!#9;N^9s}U~W?t#6 zHgK9UxQ#B^DuinhmA)V<4>H!{FC(i*DFLpRv7(vadH~?cZe8Km zwCQfM3o$lN6$!O>Cx)&c#27&BiM+DXD?{--g1kI~-z-=li@*r<1z35caa0YZ!0KyA zpLm?w^YMlUw7QljP`xihh?+q4ji_1}Q41VtWV{~>FkN9n=mArDoEuEvNtHO5o@He9 zI3&Q-V?{H;^hHCZl$oGbBcuHO1cTxkWzUPc$D!&&$^hJ={Zu|54<`Gxx?%Jig*Hk*=#(Yd^?BDs9(0RNR= zkETs9kFq~0F5_=WokfCKG^K>$U)3sm9;fk@42f%;#{War!cL<=f;nW%I3zg!l8FJh zc14(APQNi((E+NG+oeoyj$F#0XGk7w4KHu{->hh+OWFD&^)}})1W!DbQTFB3m%ek! z_?? zunQruZxnYhN<_aeK|;?T5rb2^EC$~{_}FBV$zBg4$cuW*N1L%r&shz9iHxG@jy89wk-hE@e9br_x!)rhZLp5PAH{`!d9?@hiWHs)hZ^ zi-+GZm}Jj5#OuGv!~t}TU-LnabGwy4q)ObayoZq;$hd!w70q-jhePyFUS*EErU&@E zNr?4D$w zShEUPPf?k^^U*wDy#bVT6Fm)BUxKQI!TOeBU>!+vEam}gnK1gy1L&nHbG_|}dB8KN z5(n%j2RH6-3>%H>?5T19k7hte^ax%@0+ zm!7l2xp4i{bELR)kvrGfw33%}=qSnXcjHq4ooj zoK|By(Dtoy{=_}RUu^A??7#8HUlNQqzAh(fd4IwA9~ga_~$yN z=SXq*msb4gfr8t2fAT8xiU_F{pe85Yz`kTiGyeLD6 z8Xs^MsuuPE1#ZkDmW+c7cmWduTtNDTF7!ILE2vQ=?h2mA$PZ+uhgi`}SCI4iEBaJ- z2*krwm1_g{CRm{#)EGeQxxBJlZHRp^T2D=U7Pko8CP;DUWuLx1Ri+Qwo;r!Gm;7t) zsX#0jc@vaI+Nl(P{#nvT4$#{ZO)FsiF0Iz)0qdX6PzMcI{|c%W2I~Tgyh-+q191Om zCJq4i?vngaGd|JGRrR!b@Slq22Jw$jB@W_mV@>JtPQ+S|u%ekDe)6c>ax72%Ubg!2 zWA^FmdDHjX^9yot*k07c!Z1E>?TL>rvd=%`oAdNt>WbB@n)rS(M|)aOxN?9-6ifL` zf=jmiTJEmizN8rB6GVU;r1I@-rG-CDv=Ha0YKxojeOnrS-w)hA&iEWBpl(Xl7~|id zs$z^2teyB5ZZEL+eZFwZKf$Pua2(8uq|fG8&l*t6WMGg~9K9P9%XHr$UEt>R#~HE& zd&9lX+`RM+6rak-4Y2(3e6NTr6D0cPvt-(Al#QjB=M~!`^V}qwQf$+pwAbk%L20;3f(n+qMk$%QzFjOu# zYCl4iIBGXpJ9=;vGng~1XeMf(33n@*O~di6w&}ZV!#!)Y!>Ng|;~8Vcu^LsUxnwN5 zzRf`#hHkhu_Om!lVS2_n3viGBl_M6I+E|TR1oq$2Hl>gFr3CZ!Y#ak0@$-4LWwm{T zlkgGYhj5DHa!9FfcwYGqG@arT{+M)*`-E*A_QIYjPT|v9#mwUr{wPD@8mI6@R4wcj zeqi`Lu?g;sgID-ClSWVIPLFdtfq$S%+zC9!$m-EcIDwC{qM1(MTwf>9|I4P$l zSVp{qMUqad;Z#h2uo=bZdza!p_LEY^W)z}X#d%z%RopzzV;?9Dnee$DRSP?h!ZV7H zIpg3vu4KZ1@A$sbNz&L*VQF4L`YP2mHo>53xqZtmREhf*gEgxMKjB;UvZ4iiOaHXc zcgDA@a{JP^oJ!k^m1`C9TlID6XY{ib`G!k|a~y z{FRmXEGH7lG&x6+FA~#~?@r^=kNkQ< z9D2r%fggE)Uj12ZKhlW&NTei%Jcy(c`VQTyhFs5<^@=zPNhS5f-Q%Qg+)Yf&qKbof zLaUE?9K;tg1g&upe~qez9Ylc(ofOWD!@T2vF-gERY%ZM?x)_^a(EHpj;oqndcL|?n z^!3OkT*4<=(M*?c)!;56T7k$_M*{HH9r3~IhcN~KJdFYCQUcKUa7z!D)@lRreGve+ zttH39f>n9Ztk6xO)w1onXNtgKIzijmf%o&fI> zE1C)3r8|TfdxmL*mTWLfcKJ>r9@j_6J$MBP+qJ~7^#d3K*skQ2(`v)^g%q6Z)N0se zP~dp6v|&by12yF{klpvKrsuZVnTM9u_Q+E-{nV{O^4vp$-blNa0@`mPt>mD+J<+s+ z)^FD8ZXUFLV}?>_(E9DDS{SVhoO?*JXB=Sq4NM$>>B~!`v!Tl3omU>K z4bpN4XJl{U_V>|+)+#}5WPMMs$588z1e{fZsTq*JBAw(AeQ7FB6rlc!R)6yV^nXG zp$n=9E-&Hwsnq|z=SVx`a`ccL64k=?N`Kf6 z>yH$=L!znh{XEi94&UF~mq!YOAJOV`9tgiFLs>KsehgI$L-?H|gz%8XV*%sOVS-78 zaeAd9n%;gnqSa4RB_3bjz)0)ERuNx+KP#FE%YPn&(0IpUBW34Z^=0RSP5hiBTYYFRR8Ov+@=unpBLZSGh6% zgH(xQ{F@nRJva)C4_MJmj2}FoEi`@b3KHEvo*1@%0AqmekL8uqYNPujz385}%%$9N zJ%4mjdtd5WtbgNwpl+t5%>NJRF$etbivYjxNEO`w7p(#0!To>C&@2t^e+yL$iaxnVId(r`dFD~RIr!bs`8vWT^Tf&ldNJYSJH5m#7->a3NA_M05eoHs=2-E zssvHJ0}@w-Qcu`bHk;KUO0SmesUE|}z^fUIA$s14=!2`Do+HKQEa!XOh1iBWie+6+ ziu)_EtjiyzY{W@f#a)G-q`0J0q}kjh$yHq5v|?1R(&~R6|MSWW9nkn68&wPYpHZyh z3igbHvw1la2f%NeSjFXIQ#ajE5fxDNMk(@2_fjQ3=eUzKF_6{Y#)@V-oxMjI4$kEw zqh!q2I?c-bf?2JWdCwQ56PcF96jlDQ#BgHQ%k@x8v6#0J0d6r{WVh7f2>=#H<+-7(6 zc0kdC$ElzaJ;n`BwcM=xjXsy55gNn&GO8+uJKXhiFCD=|D-zLISpH|2MBwYT3SY;D zr{Xr1P^GUoQsL^pMwK`U{4r}Gt}`lFD=6>@Ry5PqJxy#;iX>sA?^4PvC#M~oFNqIQ z-`z2oc1&Wx1Fn2?sp!RC9GlgRO80b}w&j(V+Ge#}3nM75FjAO+apNXjP?N{OZwWPg)ZMe`v0g$&tiko~Qw zS{T_2B$Sfu83$;8Jrf6@eG~s2f*M}ayWD{OOH_#i`fC|&J(>wXe+?^|3Fymr(MJp@ zF+!Lv)AR=a@&Qi=C08sc1cx7}HY|MiV8yV``)w1Sd%(?GNJ({?RpXq4ZzJ&2U+QNQ zWM*owwpqnYKAhl~V&G2^sjp=3QcUtOqQXsbXQFs4ZS}E4YjIAiMwywm`hCX#I01Dg zq_N7+psHe(L#C~I7IVhIxJVsX?h2=E2G>EIK1~JNeaCNDW!y?_wXJ5w>OS1v|3LRX zd(p}sq}hhEoR|gCW;&;ev@&j zzwS{7Vlbg^p!j@G@x``@t<7{FT6?9CBUb2$xn6GwP?kZ6QhapHrXbDb-xDFt7EftZ zQNb&y$Vf75mw}RQUa!HJ5~?Z~GhBx4MZ;&FtP)g@(xxs)8jwuPRlapmo49(U%*x26?^tBcGPxO6-jx4={D^|n4t2C`W{b= zNb$(uHz3*Aj)eN%M36h@%lmgI#?@CQ`Vi+&(ofS^`z|lNoN+BqKm}`!4OLN9v7rgp zPVVKU%leObERxQoFP+7K^!_Y~mFxYn46!IKjO)F=f#NRgA?Zsf&}CobE96NcD#Cpo zFxyKWJMWHfi1|*FB~jFCZf9p_Q}dVdQYra`vQhOc#lt;9LgMC{9tgda3XH_RJ)EHg z8r%F?R8?$qIR94QQYk5lu`uE{GfBW3Tv=jzibL*-mddMbp`)=3Ce>4QL2sqP{e6Hc zaTo|#yZzBwfq@IGXr}u+6kRrD&_^{f=`|6FR@|mf zl9t7Y$T`Df3HIm*ItF>lkLH!9USW#EdNqP|%qI)%dGp;EjL#US4xBnbw^{+ydnYEx zM%Zc!ME?V+6^H0`zN^G;|D@G7HEzmU-2ZBZAT`kZ@2FZBnhS|)EFk$SOag%9og9*9 zi~~a9)QlsQ$_>CA%NcT30QgI+XeI#9-ipi5aUQZ+ox}FEis|92sr02GWvNK{ z0&4`hd8u@$- zS*K#90PQPQspS;Vy@k|_gYIP5MFo0atkuFi(0g-+cs0;_C#n{P-WLp?^@;cb6|_HP z?+rdMx7_sSDsv}1-0?Mc;sw_|=LVd7z%dF3vtoRgd2R_S37y4*I3D3F@^$5dwKi^B zqHj;mRo#j==eeDB#hNSAdbHPBUPd?<`vr;JrB1_aJNL2~RhgDF<^~-?+w900(ZO9w&~RH2vNtGJ`LG7BGWak?4yE2f?nnZ>ffPC z9H`&Qi0e^F0CkrY%>?SF-)V`cm?s|CN0-SE2z#mj5%3OBQUd9x69d(Ec?^K`lX)ex z+Ccg$iEAq@s}PQ&K8Mk&=btM3_%$W|ec6cHOF_|pBc&{x9JlM58?&YQm9o?i$@q@136#vs)dZNG}fqU0Hrh0z_!R#NQfda5qwk6~{V z>d#J4k7KuLOSCnK2Gw`T^ZP+cmmkm=(-BlvB9aN#PVObo$!L7zU>79!-t%-xZP0rb zG5fodgv^7AQihOv%t7Bk@j1Zh$d#OLb&7Z{R1f2Sk+(UW;<;`eX>%#|c9wX}?QK1} zq?p=ydZQR}e^blKlKUA#)L7bUQB|?D;TAA&8s2RYOUA)ETTBGZYn|lk7K{DqwJK}9 z6$vx#QYCJt%Zz+nLy{?F5&PF!(M+#(t;mnVYf+@H^Ieq4x%;*g(PUtls&aPliwRcf z2Q>z>gZJc>onASLL##YBaj(^O*(tOlKpPPW;TGHNF;j3)m78ueJ@4{^5$Z;jN7RE9 z1pXu`97o`(s5u3PKc!VjHRQ>{;ZI~pT7$!nqiSIsJ~})OOU8@?8h?xl0%*LwbdnB# zU_pR%F$T$0CO0JiJyqh6{6AP5dh`;I{CliuCM3_XbPOGKbMO%o9Bjksw={Uhbb`bc z;c@PI5{%bACC&u>aD-p__=boHPv&Jp4s6pG{b%aLp86N?pKjYXW z>wK2gi4QfnR9Sm58g6sRHy0aL*GziZPjec7ltM!-YS-;E)Z`!X;+xlne6Dlu9q%mG zKe&F)n&=3?^byRZoW+iBc?`oSlu#Z?kzJolWWRwnz$V$gJp=tciq?MzJqug6H!^^H z8l6UX`suEHCH_7WfA`_+F&Z+4^x@=?E{f%~XJ6N|yhbwkgu;cun#P~I z%F33r>1nJ8;tCv?;$29vyxeS;_QeY9n=uyYEYeLc#4fLsp5LA^jx<+J@1LHoc9vV^ zmg!e)%Okp0%X6St)6?8VeMV`Rv%miNo=2tn6FtxDeo_i1q3Y+HDs~|sn5!CO*-PnPdiqqVe?8^dw|bt{x5ExXr3)6LC?LktB9TCh5aJQWYxTIMx$14E zL?HK)$?^zfYpjP#6!ODbv(6KRoM-Zm!<%Z&nkeK)P_=Lra?9{hNSry)yo+Y_J_TNm zt%dRVOc?fVd!s~fdX_u#cpFvXk;grZW`6;b#fr$I$%KSM!i5=D)?KX2l7Pkq1Yu+gbmpTpXtRo)yf?u-CH?u-etkWLe&u{ z0~?%x)%s^>XdF=@p01lw&tPeodTHcGLlhv}PGRkn)QVs&iYTmI^VC6En>FwL=J1T2 zMkf@;rsO{_u-DjP-Rxedza8;QeS-dZ2SxM`*7t2h{b^xiG(IhNV-wIMclGlfG51o0 z_KO*#?r{V921H)z45K+=@1QAM$z zKQhHW1WH3Lp}iziu^-A->;flmW4sYYaj{MmStNHOlSMp|qi3pj&|8==;ZszJp0 zW`B>MnDDi%XjUYbF_9;FtQULgjl50k$5tFYULK)`m?;-AV?iPfGfu2ZJ1I!<<0NN} z6q`hU6p(ley&Wj9$nt(amLW;aeD5bwRqy=<0Er{R&-X&Mi~~OWC=){*ALyAXWW5au ze0Y>9aeR0Kqd5>hyp9ze9X|X{-lp|qi{XR5sL1T{v{nD2X_?*IQ$nKpRe0DhjeBcK z1$BPbKaKlR)U>Za3bB6=32mn+Ox$BXpKF2LAi*Z{dQ_4h_Uy$?TKsQ(K4_fh(n4CydyYmdFf-g`XJ!(bn`)r0ZF3I}m6RqV-a@jbc7 zdy5=!SY&2icU3-S=t_`+TI&EB%c1r>ZzzkF&SSE&Q^XH&X`fGx&8{{MuiD&THy-pH{Cs)*W!Y-C-FBH@ z$<+pvsjEnx1lw_DBTi)lqtXrbCf+1S)SvaeQ2cG2uIxit`||jUMCD)yjllz>Y_O<- zF?EBj4cr^q!I2Sgyo%q~S zY@?N+vV0V*bD&XMSwI_U9T>|VI8eAYwy_hz?d%D-+w@5M@=?pPI#suPewp-XhjktY zkF2sfo)%N|CH$OLr$KGsf#kbw&tlM6i>jsxnN!9_BEc-Z%*MPZogGoF;_{^)X13$O5 zYn23fdLqd`DpsjOBXt`yl7Qn!Yk;4ZCO4VxwL{(XK+T*bQ)!RI{>#E6JR_P>?F!0a?fhiIHp|) z)?3Z9U3jZtlEaBbAh^S6R&gsb6wk*Aa-0Pq#o38Y;bIUUkO~@AtLEX7vS3&2DSc&y zJqEQ}^vl|7P``c|e3|L7pwp?cLYt@r|G89O3yZHmNp5WI1pYaI(w$(6N+5~Ci1IQQ z*!zb%_S3N_$tu919kOq(KLa&bBdl)yF)VP_cMz%F_@@(WRYgzD*DbUt`?a;=K%Ho4 z=sN4(Rt5^S^M|X7t>X`d6%)Sdz?IbXL0ub1Ld{NmH+?% literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.doctree b/docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.doctree new file mode 100644 index 0000000000000000000000000000000000000000..25c5b5c1f6e6a5aa2c2ff51f79b3fd502a889e8d GIT binary patch literal 84104 zcmd^o3z!^Nb*7%9nbBLuf*{K-?8WMlr5X8w!Gn+yvTO@s`6Yw#Nc7ZnS5H-`yQ|$* zEoop4b_}rnJU?w#t4*(J z`Q325>Qy=os~L13>rOq?eV|(kC)(yY-|Mt1RySM)Eh@HCuePmb_jEVhg3SY`?oV_2 z4Zc+g9IqLZ+w1Kyd&B8&$({(;2ToA8q+6lUw1SFRpKe==ox0g}UTq@r^i4+&-(fY) zda%?*S|D9_(mIc08i3*rT{iBqmI&2!q4lQW`q4SUhTBRFAHYnOxvnqn@+ePFc9!9Ny7c&(&Vs!v zT<mxAJ8(Cff(D?MW_!JRF5r|dhRkD${|7~W-Kh^2Fu zvuFpiMy>9df$<{a>gfYhWOvA8EAcR!O)ns=NF9aO%pJTU0K1$u_RuW%9NK3bjQTA5 zEwf_H8gUb2&!IygHu8m?;d-Lza$|*Q9cPvjPb(fgVT_LF)*K4+ZtS(QU?p10jlzlZjruIj1N^?#w!nDLT3w_)2DC@HZNIIMZ8Hm8g9lxklyKcOP00m+GkL(4Ix;&9uI$lhMyk$q>xfHUip$3<3p-3j^h~F z0LQVL{$qPx=Gb=7*Z^!nvVqmEJAf#XfG^5$FE-l9L1WT^$j~WCkm%Uuv`EHSZ;?2n zUxg^%*SnK#yaVR^HZq}S&^)oz79eZT>4AgQvr)J3lj!jysvcXtJ^nWD@g$4C zV55Ef{ZsuJ+w+;;juUwzX1ksMFVe-Pmes6+iKDa!^CDq4E+%RH`wLfly{7Zy0Zqrm4gOq3|NV(`tF`pzK4g6WrhNFgLpZigkA*SMtmL!7BpPw?MzWBIK30A2c!ffxHj^pc_siW_k-QB)i=NjE7@6Hfn#v9t+27oqC<1%YHbV zEC*ht3?LZzUH2xO*~7oog_ISq@-}G9N9^5fSTM{Nqg_aGt>QHUIcJxX?g@m~#kSe9 zWt;orO-`+5L13y_#)1``v#h3Z#B0`^DqS+0RpW4_(rKHOC8GpkW@_3vX*<4=4AX{f z`alk}t+ofrtW`A@mW;WpPnQkgFxj>s?P~glX|T-D@FBf5+mH-aoeIDw#Ph(mjB4*t z8kX5KU{>;Y%xFC4AXSEZGUmEq1{Hgn46tPH4ChvGYLa{2k+N)9r0l49UI2-r1*td} zt}OF)D457kR$ndgx-Z2`AQrAet_HtIC*JF!2dCP_+t&b~LV`r55}sJz1Wcha}LepS7x8O00HfW&tM&0wHq?*MQ2RHf+$)iuVd7<-Z`GZO6F}k> zXKVI1x3mFz$O#*+^|CarLZG9llc;cm5s z2tB8DGXPZVa-mcPdhRbgwEM@HoYC%8i)n27TGsS618`kpO(P_TToCYJtle2?LrN?q zV3T)6@kV&GbV&%|`^a@*WB+b?4DNZna_RALa_sRa+{r_E;$@E6T-;~e0)DvQ?K7;v zfcoC-dF4ji~)`oMJup7(sCbj^Wl4opo? z@+<*hvu-X}b$R3vkvT{tV)N!TIwISMt#`Q_;J?m765ZbMb1j)@?(gn1$|oOu`$}r? z$p_yts17B}*rlZ#7XBj}o`}^Xkid1pzT;#o1UoRJQm0$RTkaY7*R8`p=+5i0``t3b z$X(qAG@%S>Iu!v1Dy7=9;dSM*({zGzxin>zGMBqjor`-96jP`2nodW2yNRl5oN_>Z z^q!yFdY&|RD*oP>6mH4BDY_8iqJ{4v#8j$E?}IVrxR4O;J?sp{1p%ZtD=n{NhxVHi z>%wS}2_-c5B{A)Yh?)%f&9Q*`SM=VR-=-uLpmKAw)3Ky7bF<7!j{8a=g81}1@mR9! za_$*5^H27aiJ&kSG0&?Mxl3y1nZ=@rd3J>^ol0iphi_DOD%CvXq|g3(zZ7qPQe6Km z?-5c%Ds@t7ELW(%sh*!ws6P?rkX>&3sFJz65#e7h*kd*e^|nZ9xr6_-l7Du|jWc&I zh0f#gE2?duSN7rVP0t~>#Ks38B4m2u7vUOI+1z`ecU7_+wS_{Pgn{l!95n6Ih;H12 zaFJEq+(R&G_eS_90jTZ~xYDl>3`Mqw-J{sxqKq)mb#F$NPeT`>yk8;#{UcrXR^p#Q zUYepEFsR4HLx&07h_j%oocmIsjI_npeaS@dAQakQq1vfH9eCQf88Y5@2gJZaaocI( zF8Dsfw;)Hx?Pnw20Ap)j2uj76h(Pv3KJI9Nk#blGGce=fDbyh(0+qqMzZcJ2O?eE2 zB8f>7UV70~Vw(hGY(QI!%ccpt%Qr!i^DX`A6_knab zLlA>{L0~T6(TH-zgYpJ!he%5nUR3CtQm&)+;kHxvzUJx&UUSU@(f?G{o5CTAQWNBT zzf~yjTiG)Tv)5lYdr&(0a0s?`K{4S@eu4#d;iskB-Eh0~TNz}SICpZdyJgj?N%#|` zdZjs5dOAHdIVpSR)q_oaj?IpwSEU+$&5){{237yr|r=ycMrKu?c z?wzyhb^PDA>NV(NfvRR#UthvGn0^3*gZp$5m&`5jg+L$;+=UwdLI-yNeC$0UH>xI_ zbb#GCWXW!q=GaIr6wh5zQNL+W(G5V%fOUO45&@?HYB5{|mD9kry%_+~@pDC-k&hf& z9h}W=z@N=4BT1tVL}kXuo2dC>NpxUFPH@E=a!j0lo+LC zKR9G|&sYQ(XyVQhYh*YzFfGG64<`xyeTD}u+vgnLf?2k`b7;7R)ow%VWF0U``5+8Z zm9WnxU;#oj=oXr|)2!4xRSORz34!ea2SVC1RG0$JGLFaD!;Wtk9C_^O+1fs~Tnf%Kn9TsOgx&N}7{WwS5Qg^4+eJpgtB}9|;lIkw*)Pq33)Y+70fg=XK z*9K38Gc2%ig(nVBnLH2TR!hDZg*KTLk0gCZ#P8<}DB=RvmCFg*>{m|@k6|pEtWw}s zhVu|X-!bA%HdRc$ETi3l0}VA$9mgMtN-2H@02~Hbt13&CIbBa`T6X|FKvss7zQXQ@ zFp$`6I4S)ulo{WSGFsLTak#(Zz#)J#94V=m(Nv}13A}CC|A81=GcW_kR)%kToq83K z(t|949f5)cF752ZJ^2iAV;G0Nd`KVU=uY7R21zGT@OU#WlZ9LiiVP{SLHQgc3}dRo zhLhP$<^(mb1F?diCqWMo0SUXe;Q)CV(X73M_Bdtp0c?IAc~ zI2Ge*ZnHWA%CFEWAb~fDPzrMlyfSP=2TP^BI8;oQVH%7{f4ayh_~|@YoiI|8q}K^x z4y`4efDhs_7crfsO~29{44wi&MhZ+VkOzNZ;&nhlr|2nHk_R3i}%L(P3+4*RVZXC?r+sdfc9hyI7 zoGP8->-$ruPen)j<9d2{Y}vYEo2Z~Ne#k?bzU!k7`fn(m!`pp#=1bu^I+n{zW344T ze3&eap>{gRWS4tC{HH3!!Vv;Ikz47~PNuvU;Qk_zitT`KEp|hPJmLc(kJ4>OE}Gp7 z?&qN{Mq2>x7qGtfuzWxyylxnMQEl~$BUp{1YG{Kb59QfOQBjiitMRt1WKr-=*VR#* zyx96U60u^dOYGH!RvVk|axH4=I`Ci8*ORsAO>(s>Is=frD5{ztK-PV2G_^Srowggb zsv_y}y(B#iL8~=cLBZ{E=ZULZh5wQ|Ddp;EKE^1K(dhxApkt7T>&H`3IWq$lZ(G(L z$+Xx_LTfT%1`kGtGeF*Lk28jO&S`G<_U&T)1BXHV)=st$@*Xtmm zP}FE+;b%$cfQ4I<%M(e%*hJQ_+KV_IK7~XK5C4R^7|2aOLrru2Z13TLtNIaI>W~O5 zU9&DZb@e3J)JJZIhOqP}x=K=8L2)cSE|3kkWi(+FNf?6Gni;TpWEq%efaMgL3j@pb zw3#G%(N#)Q(!t3+z-dUFd>)V%#>uO-a1u2!+7NjK$r~VY9qtWED#aVxz<3K1F<>-^ zu^Ll&qPUxy<^p3m+P9pauQliAdD(m5z03J|Y4>t|zIXqUY#txq8IL-W#4(o=Mp z16AYiD2JkZNv~=XNVtVs6vac)?Qyh-x8Jp@91#_-a;Rz>QB%Ee7f~IW&j?EIMWf^; zji{kyv+q~htWI3|jU2rx3L3u)q=n;>RwW~r1gzoVd6&^US3_CbyGY~!fotHro4^XZ ztR0v>gG4May@S{e+a&F;N&E_^iwPe553ZWbt{II0Rig1WQRqf1Z+2GFokt zJC9I*JQ|P0=4&Z7YN7GSg?&@xnv~`x)R!Kb8sA14>i-J~LM<~6^~})Jq9_ja_X?=z zhpzOHo)K}Nk9LSN>)E#~Q%@O)zkPj-_#4=UuP<5bMR<2v3N~AT(~t|1-9TCx@UPWb zh(v-IX}sS^5(m8BC>=kLbc^?8-KyP%muhB^hynjN@gK+^*HhD6;4k$(#>2Kqqr;8y zk?Fw+1YjOXOnccX0mT7RehNmpAqNceJ zd0k(K?0+OMhRflI1$4eWB@Xq(Mj1NarmMJ>hR&mL1_&qUH9@V_=?j=Q7G#?NlYfLp z!eDYOj8#I&f3Gwj9fbUJj(QXb`FS8MjF9;+;grs;pb$nH9RCeTy9XTcvNkw=9f=q? z{%c~Z#t;sUpP;6>;CPMRBO&-$Nwi!ahExFKcT=KJPimBb@jJRoTWMgtQy>^TAEb$l zKoKp!*?Gsz)%W4TU1Y%IC1Wv6uEQsrB%HhyZ!OEB``N&0$VGPvNDJfS0i8uRNnxac zawmx!fD+D%MbD{8dd1taUe&I_7u>T*!~pXmVz0&)4w&1h>2d=mK0`MoU=pbS%o8b5 zs3$ebfO%Y3X=I?KX=)MX8F1M_gJD_a7-KCt);Xm$=_HnZ zj~9d<=;gRMv^D8dW${I@B~5DsLHL2Wftu zsc0p(q~4d3P;yIZQgj^wcCXv~PKt$ETzoqU`&Dd5rH7?Pvrz{2-ylJ#WtK28wJ3@M zyVxYcXV3LAVWj8_>LULgmT?B4e+`X~0s1;*E5Z4bO1sp7^Z%ZsBL$p)8%PVoxmNy5 zQW$A4{|bq_2h8!ZHkkhyi5QrFnb;2GX@5pdbHV(IjHlI5{PGJMBHSFPt;lS5Y)DR4 zJ?v2iz^yP-)#4IN+2sJp)Uwh5cz3)`XOEcTOEolMFn&cxUoaF8Q7lI%8Nhf08W00U z>6IZ8JibtAVLI^m{2UD`;PEJs7KTTyhbV-&N4uJOEeX8`B=NE~NWKDz7)Tx&BD|7_-ZYB@;UkJa)gySBmy$eq^7Q(#3)0it*fM!hD`CG zEPGFoRxN-?`U0hRY+`uU8SwaKG!_Pr>Ce}=U8N!EAmgv*C`y5hPXK9QWYl_Wg5*2e zpcs<8dq5E{YlGrPkcffe1!Akl6Ap^ML``!+@#dk*0HmRnr~-T@C7@&#U;-YafR|?k z^X#ZMh_}aO{$q-PT2{OUfW0be0O>)gL2Q)q{L>@|wagOsr4~i;8bCcxfuoo2=pj0L z?Hj{%dO;jKPt0E720xtIdkS6>cZ$CyF5^i#QGqDddj{MdW>zHaJh>;mQRpzwckR4lDq|2H+w z4GPb^Is0{qQCi&hzQ}=RaD09DeE)xX5yL*1>40SeCjOPiOz~bC@p4POvVovu$jK42 z_t`B`JP;(qca;H?FGn-t#RJiWR?pls%))HD|uZ;wu^;+x0#>jdLh!_Ln$KY_e> z(AUF~#p5Hzm#7#^B6&0=l4O1iyJXQ2BB&l?7bF(Hnqr}r56_UXU&@fD2A`V<2I)}` zqR7#Flf)ZHPHK_z1e%$gS`@_-=+kimjgY}=j_hT9T8VUuxNni<6)V(TMrimn+A#|a zTT{c6to@Ia)~*vDK9!?dMSS=ikQR;)FVs0okrv2E2Z>LTNEp6rp(fEuQe2#R1;z9btA+HUfD6E+r!MWJkGj@wBcoR~mTB2_%eP z2&$hQ$D}#AxY#X3=Z~ohb(jIW&z^{3cXOg633M;PHhmX=I-vV3;G|kyDM0s1AT12K zH|T-tEL(jYT|3+Coipf%mQmcoS~~79S-L zdGX-sE9MrMnqQW~TeAC?r35oXc78I&LMUsBUth(9{iX%>D4wk<%M^OqaUj)*^Sg!T%3lzdgL-{=(O{Z~qp z)B)Y!%~81mbpI`o76x6d&CIkwMjC*BnYiUB&2r1Y(nlx*?Yv>m-;$?(0W zkpc5P>GOzE58p}kkd&zGb{pWcXE^=7-#vSZ`H^Qh(td<$r-jay1DcnJ>}iWphclk!Y}pw5)i-jKD6LzWU#UAN9xuf)O!i(` zUoSv$qP}$^QGhDOKEwB}MyWF2+rXJij(08Il@`!RzmXkpEa!WJGr(!cedHGbspNOM z-y39Zr*#ZI62wUR=T#)}o|+L}mQ|{D4eoolBN2;fC1RU21Q|dj-+L}K&5ddOUn1K7 zQ{V9tV>n^~MU|8|)Ds)!MaI0Y;?$N=95fs8B7=RWp1&hq4>}X1QH_RuS02_D{3Gd^ ziwkjFC&8mo_Za~D%V=N>U^gc^l3+Ge8leu%KANLsMSAnkfV42oY8}@}iesd~_Vpxp z0Naa7bIkf;<2x;X8wJ~Gqwo8Xh@tO8)Q=jZ_=@7S)HD};&qSwdO!!PXd|cjy?{OR6 z+4w8-(JS)z8B2~;uj1FY7relx=lD^9(R2I!Fg|=!{+tCLx`zLyBl=F@TlHED+CSAk z1=jyTO89CqjxyH&zOI?9G}h0hus(Xp`!Hx5(e_Q3?^%(~GO+y{XiyB>w=gh^#wLOL zHIFq@-wMG&|ZNDBvnAu{|(93veAt|z%e47j{BhvpbrBj)*NjKUTZ2|tp_aHRG@ zUT(P$iCDsaEp@BTRC&UGfSMMF5&g?8Kb;t{!u^XF(M%~tE#6U%5odJGM{S?Qi#~oT zM#PWnXqL=bdMT)*NFjxYN~i5-2L|zihBTXDVwF6IjPUR{8XF4_+tS@h5#lXMo79OA zkLBoG5h30Uq=h4d*7?{TiHvlR_!Sa;ei;bcX-9>RA`y!UA@!q%EglsvP}AI~5cFL+ zu;^_FE6)oCam)0YLEK0!8-6yOi+J!SDRrm?JIe9kGrESe((&L`aXg5vLo*Txx+n&y zs{Uf9R?z8zzM#u|^6DwHB?kACqNxP*Pb-a02k5_@qf7|4<27~<~C z9=C+P$CMVTgT6;|EI@(2cLQl*^nHm=HNKBrMjD9^lL7#V$4Y3D@-{2pl5t4we7x#n zArZ^34-sp18p!kO7gEz)5QYznGq3aw(}*0?AjkBYv{lOT>==OuClK(vl$y4B0;8PA zp4C;5+5(E#HC~f}ew|tkw$Zhg!@^IAm;o-Xk)iq>SWVw+)0z2})%FqNn?YvbTb!Fu z@hdo(4Dfvynj8b)t*Oo=)P0ZAFm+J(i5$f%Q1`chv@q&wotsY!WTfHt*GcjKx0jUA zAR~L6gF<+0jfv7X5@>_)A0iP0;kQtSY7FBb+@+?uAbiQ;YL)Ppc_zFR49}>ffLGl} zfbEx3(^C(0l)?7%x{6q7uoWiW|oV$v;p>+pcD?UPv@vs zDmDBKHO&RsJ$Ff2F4uu7$sM@8fZeNb{QoFQ3?-Q9fF%Z|o|T4O@l~wZ^_7{c1K=xXdw~HcaITkbsEX@-J7XtE*wJ@R}>v0I0ilJSJWM}Xap?3 zJ~esuG)6faen?kMYC9-idRWT9!%n@vEal%?4%B^H+2gw9?@GNG~|2-lkD*d45nNdG5DuG6q0C37sn5e{?9tR2@k8 z8xe6N^rDcB@)SjMN{@69ZI0&a&#xs(sD;MU2WEF_Q50V~xV=GuANL$?*OC#lxWjiX z*`M%hGp7Xz|c&)0>p6Gs$D_R~olY9BJg}SrJEG1EhuH$Z(sKTp%MIG#rvV zfY=tkNy#Q9pAEq#+QH*ZNW_9ijk*}fi7V7JH+bwmTzBB{N+{46v$amMGCOZpt7SIw zc@YdIMKj52-<_IH;_X{K+%lZwL&$(R$0pHlNfz0MQ+*^SFM9^Qe+xV9`~IyDkVujY z%?(+X@sl*M3XJT-G`a1>GT>4iZ(nPcV+0O&l#5imV5X`vLytPt`Yw*K@_Cy3 zJ5Jm3%ZqKZTGoX(nU-PeskyeruAU;6na35y`&y#L%h7!XvK~bfW5~KC*_DKY>f=M%A&3^-~p zHY%W^(i9E9tc<6(MZ+o4372jm%wX22)XD!XZ z@tVE?$Hrsy_2Ct)aF!7&NNm**pCVsIjsmIAr39xI!6+kjpsQlF4HZY~g}7kj7x|iW zikM+FdolYI;buu%Mv6jBicBv&q=+-m);xih#S1m5_7XzBOKE>P2>tdP{VEXpgFsps zp|uJ%X@QJ1M8B0J4-mb9y@g#)ck!M!F#iD(F<^e2c&kx~ms#ITO>=>{aT2i=3l50A zqKs|S+Fm0n+N3M`m=Xh?SL>FM{v379>olvzIR_w{J^UlTtzA@nb}PG;JmL!}iAmo3 zOkPq-k1iuU`U-Mk-nTu~JW&q%YO1%Sq-FohEeHKM$v??JPW2TI_$?rn9B{~TP|s$^ zNP8990o8=y>5RdRPi06GkNdZ-qCer*zzOPBxoyEyO;)pFbsy_aJ=A>wzR|lr+$0+? znHIRV{HlAAJ^VyzJ+ksKf%*q*y~~X!mMC_m&0ZaSc?S0bHb0n_*)+c3f3@Fqc z6c6uGsI^TvQj0H|YAKX6hlsuf7`LLilpWVjO63v^0Y32BTp;!Kg)!P(a&LIhrx^{RFp?wPkC5%bI| ziS0n1c?C7i4dGYbZCS=_!wT%#d3eQf#hyM%&r?pzx+u@{?009l4%ulQ6c0tO77-$V7i`k^x-{cMOvl5}UbDUE z)AP$!%MY9;6*A=4dQMMIXBG&>OMApejfNjfMx=T_DuVf9cGB`eY_KeG>b*INRyf|r zfK+n4;o_9mOM8U4N82agLqdlrbw!Dc5FT2VOi;Ya6AUm>B1Ae_?P{mvVeF5Qh^!=ED-yX9AzmWb~6m3FvL#lECoOYBfS9l5eXZhbvuLBea2pHO>#*O zTgl2*y9Wo-%g`bikp3V?r4o>Smzw4R>GW;z(q?!WM6)^r=dLQIAFwZ$NP8-9FZ%jP zyrH5?CcyGqrG3k}H%?}h!SVpiRJ9cEQI^^oii72S5{Q+pMk~-PsRSOQihvVx)~a>Z zsaP3+d2HGG$^g&%(1uu^Ivx#5g3wb+6O-46dDWDAb5y8+&>D~yhS2NuAe5UowQ^eQgLmk3$;5PBzrP<)3@HflzPg8Y_MacYiL zeuSl!5qyuF6*$h(*~sXv2C%GjT-{ z4#9JD^( z+L-%ck~d)PIDFItEGn`1$D7)K`$Z&TfcrsWu0|IQxbLH;xq$neyDgrjvIRYz`avxq zhT`~R03D#E0K{*mCaNCtCdQZ zl3^c82|(Ha+?MVo!)0zoa=vtnMk8^5X^MMNP;w4|TYEUEzFT`YllYPhgYuv zAc*pDUJp5)5rJ+j*g=LfT|jva2s_qI^hR} zFw)NUFiD%D&m6O*L@tiEWwolEf=8eCArbSs2Z?=uOq9It0cx5XeXim4V~9SOd8=X& z7D(>Bz_=CLOrQb&enfVS7~aiC=Qk4^!=-?wntBt=mBO-7QrT*>4wbR zJ5_Fa&Fp%{@fba0;-UM@K+-4Cni!H!#2rX@`j<*;lk<|ilJeJbw5h<;r+~CDo<2_p zPlYH(8dbkaG6z)MTAIVh2Vlco9))^{u;L}eI zeBl6|bb`mBvS1c=zEMvxu4>Z>P<;l@r*GOIXU{kt9$&6s8w+7O(5u#}JwnicDs|IW z;UIRoN8vx!sk3lh#jE?><7;pvM;OhEi6$98!i(|AGr!Yl;JK2z*IW$Dg}T)>(=s^3 zc+6(-kek}BeFnRH0c(DIbtGq(N$*5w!Tlawj8BqJ9)`7zv(O1FpWq5p0_l=a*{xbC z`!068%N70G`ye%V3G}`fMi%vMj}aDLhKJgpbGmC^0e_zhfA_%OsncEeI%w-Y52p-M zno3XU=lfyF=U+2>P}1$8u6-#A{|0IL;eC_v=VVzr8#Os;(#uJ}2TwwYi7(&JWuAjKj^P(^Hd^)lQ>TZka*Fw*1LS7JF`#dSk+NZ|b>Ja*y>~ zv-{~J90$Wb=TzaW>+wlc%dJ2QnqDN29G264y`0KDV=B4TjB8HMHTQPez)!{jJt0TE zpq?OwWP+qCKeTuE3iOhZKD-H?kfjfs6JwH6h+k1Us!j^=M$%~#uw?&Kq!4cd(!wc( z*0;}-;sAU4`G1}|10s&E248xFXd=bQK_50KRf?gs9(eO$uz>({3&Bjx&>f1zmM8_3$ADh@HP(_6q-H0 zqpvh*w~|ZzVM=&XE%8~>01{)%@V@_mY?$}0!|_W!d^XiXQqZ!~jYB<=WYM>v_{Svw zB!>ar?$3Z!a=Z1cBkhXfMoCGdQRnFAN~n2ORGgEvrLc#sl0Be7W|+a>pstx2tc4~L z-@nB>ebZV!EBIeD@}aEYhd{avRzQ>EKpF~qu zW00$aliay*eoE;kmW^rY4ut=b(mt7EPCfXq?tm9}UQ1ku%FFJGZ9-05_0lq#GAk<+ z=U?QOMf%9F**k^JZj!r^jQ8$kGv3>WH{R2^#`|c#@oGJGnUDrI^^se&QAT#0#GcH^ z@S2QBYKP$&nTJFSMsFpa{Q+L`$fMLWFC)uYO(Q=V#V+@Cx?QX1mH-2FQ(it{tHu6J zv&tvc3HlKBh*IgjdJD=7mdE!X>x5T$txQGJ*FVrB()9Tl4{3YFZ?LaUHx zVwT*$dohFqy6x`7pMD>-;yyF}=~?j81@{-|-)G~$=s}05uU+;gd-sXd2t$KaT=&CE z3_EqR?Yx>E_}gEtm@TVm)`KOeD)9 z!wU=SeMq}H+*0YZ;S~l!nO{Ec z6|d32QYrA;#jaR&i>{RMB_m}@yJ5W09VfuW4_(;Qwpw00DA%pCRvqet;iL_!iGE!l zZnw@mASig2v*U}a>#Np6XA$^q!PEi-1ufc^*?=n(a6GbN;kdhxhFhFws}q#rbrD__ zT6M#TPEgzbg8jY&KVOo(S+?43uU%%ZOlgCVaj3AU3Ae&g;Ut&!#HAbVPTfhdaQ_M{ zINZYciZMjgmn3hbh{J6-2Ok7wgNW)dr*62p4)5pcz)5A0colwMV>P?sMeN;NP&EUy zu0l5s33dz~%B#UNK_X7I3}0QUIp@3fShxj?aAk2RT;qU6ZKl{1TOA0NE;wLtZSWOT z-B!8+(rx;vesQVgTb-&`KHorl+Gd@H_s?5pnUbue5|qz6zQgQuD?HEZV__F2!biCw z@&LAT=yr4|upFo) z+u#BXC+Oa`ZBMwRWwpe+L~t^j@XCS-V@J;jpJfL@%b%T@fy@4MYbmh3=Cs#doau%a zV@nzUv@8ekL`NOmts9QR_5II1a2?2VOS@J{vBxWd{gn}W@Kh5`_Kek@cC4UAeSpu; z*g>NXolQUi9K47MjN{>Mu*pU_cF*`_C}qEe7IGon<}bmsnCHv3vuM}hFWB!oETebB zO+M7rgYx|y@M|9gbrJo}el6EMc=taO?d}S^E5odS;+emJlu3j@eWufbF1Env*t=L5 z4qO21@hVQU1~w1@!w!TBzq62P=QPlG@#Q|`jq4Cvx?nSn1*-}!yaYqAEh~UdF0MeU zGw@)A>D0^c&SZEgBm%~x;dbPVD)+5=jbYk_aIMum+l6v+IL_e2LJ-{MG^_A3Nie(s zo-Tx=t7tgeVNme!cL0zIJgQdBhgZmiI}%s%)$w#0xYgocR$mSD?tKuwOrO?7PL&#M zz!vQ1lKby4W_=3(*}n$}yuXvcmI)cT14LfAq3s9OaJ>V#A`gsk9qL)9*al+4orI;Z7+Scl9ODX}cAp6Rd$271OF$U8C7K+X=Q}bKk0a zQ=ERIXHbG^AIczU|g^rtJ+_j-owP2c+qH~ri#)2ED<<5|ArT81~hX!&M);Q)xk zT5w4Y2Wl>`S#sQS(=d8(nvHt8thar~Yd0FYyPWu?oD^fZ)^1j&b0s|GdLW`JkF9Gj zm}`O!R?>-a{NEpWtQ!jyFt>z-AIG7YvsFg^9 zn$^@Y2eYp)rJAEB{Epr>UuYhPrFz1=5_AW{9s%pEbd98 zY00n_O@BtK)g9f}Zqp7B65g7qkXR>L)pwU34n(l8iJg;A=s5^n^U2Td)m^y6Fd|EY_aC?#GaA#F9wTo zU|4k;y4CCi>sreYJ>Y`B+=7U~p%BsyxT3p@h7Z?RKfxxr=CzE9RkJFci@`WxLBpxG zG09z<|%QFmIPoOt_2_*S>i1JC4`<*V)ggVZZ_;(~T?k({(!H&puoR$G$-f;y1 z2WxMO?B=%EZfwlgdiNKsb-GRGpZYW%dz+NE#CpbqQL9Pmli=d(A#8?Ipr0cfv9FSL zgpOR(+jYNuUaz-}925fp3hL9XPNy(3r%sc(XYPj(rB zV4q>be+vzHTnn*R;C`!)Nf0E6005m}0x{EBup#g5B!D~^&9PDQ>*i=MR%_Sm1YPFi z!9>}2DrEpc-|N_S;LINX*B!`R@hWeF#(c!w!-fUJdCGyzX~JEtjn`|y#34(WfYH^gs?n?%iH@q43*xIUYt=S|cMzOW z*L)Xn0$_;6;F7s3IJSaA72NA&$}(ZOv9snlK4g0a)1T!DOiH3H*_MpJ) zffTP8ad1I#5bQdgKyQE^tZD~u-vEFJNe-zxxMzj)e9YMF`^a5voN+J)shm?kZ&W*! z8|?~Ct%B-e|4&O<@TinXaG)n}phZ_rKZ&f;+-)D@ItMo#4<>4sQLmO$xepJWum+~v zf-S|%V@{dQVh&_D^G}$S%VJzL|16vw*Vme0dpK01(E`Y`JaMpM z+SHvD*&j}^mn-ChY^d+2q4sV{2~r}5!tBVn(5hP%%ZKbJN~z4Ri^-Jz5n!Cmq@EBn zDT+5j+GIYCp$76MI}+a7eKOgB0JN_?`lPTHCCY?+cLi7Gm`JSXv~v2ui{189InqPR zf079rEnl|o#ioz2rVsVOb(u8{u^@CpK!j1Zz2HLPD#VY8Q(;tzeOkB_3*iUIl?q7x z`1JSFW3Vsal`D^pk!z2IK}{ISeOsW#u{NYtliK0)7C7akcDmiPd|f*YxU-}$T9XtO z?zQbDy{_F2F?nXVc~X5uKMEiRO3p!^3!M<7pNQ5P}??YIs#$EKmZ%+Os*2(**OUv_FzyW#qS zFP@s1zsvA7RvP1J29#S&-*3%KPeX1}F$~s6qwY>&^}?Gz|KjVX&*790zF3cbm}*sP zhvv)W2?ALvSJw3fqb|rQfJo1ADG~FxtW#0aCTzXi-U$D-7ZQki-{$|X3sOp`3$BV? z!Kali^lOhky}~y7wMXAtz)A(=+?_HPfCyalc4wLQtgvZ^#=EoIV}#*dml~cV6pgS< zHH#mho>7Brz7yOsm@iVgdM)!6lvo~AvxG4Oyz$7x;;>=c;9gPwjn1rxRcyP8x9oH9 zuU&_K5c@Y^-+M%cA-3BMXhJ#jR4QNSt4eOp1UHws-%^)}n|X&?6f^c-@_r+ff$s7x0OLTG~us%=5< zeHKv#7_?0sH0{F0-PkALBCDp_hhWt9?eI?mQ|%*grB{(33aF3UcVdG}vqC|~ekt-C zS&!>pp#f|TMDYK*j{S?sV3%+|jwSnOmlMjZ(dc3Rr@8bYdA}P-Lxr)5K_Z_IZiRIW zlsMWIDDzKgFNHd2w85p}K7ebraKSUFc?K+`@R)%X?QupskHwh8;cN@Yq5q{MPp3|C zt--t}IK52wm^U2-p$K9UgqKd?N^B2kl%+T6>N&4**w07(ZG;Lt?GxG8;jgqiDg3^% z>9BJP7lY0GM?99W4CRn*O^4USJ$?yY`VdKim+to1Y?^SCza>znyB6r?B>2P@h+|M`^7REg1XHd!P#A;VE@9=#%TYbk%MofHY@fUDp@R=Ubi>2p z|CB`EhC__2l#l_ww@?PS%4bn#Zn=5pR^f=tA=tbJ%>=vnVI??fF(usY1UrP^${@tV z5u^Kpt!vgyz@O0NOS7zOd3N8#gy^0V6L1Qu%(iSwxUQMh*e}rTaJA}bx<)6T_*Kn! zG~WcTZM%5Jh+mxoF0EF5xm0T+8T<$*W3*ZmDxuKOv(6i^$pMtcdBa`Sy!Ha?LMy>$ zifh36lqTCpnFl(&nX%al51421r*a97f4Nq4IytJ!M%lN#HDpVap6hhq-s;Lf546M`6q zjd1s_j-z4of=R%BeVN%qiBSsngF|Nbv_)_M*ck*Tpe=sQs)1=~#sxSj;!SD}v~-s& z&wyFF&JtN3Z9?)6n4~-q2B|8x&t+f%Le%IMnz+@h)Z0}9&z!{q+Y1hawB@Q*@j1)L zz_N!O-7Yxt$knsEiEbC@#?`C6E4F}HTO7#J`0=> z(=9mFqBng+8+Ow}am7ZI0y(sB-YzsFUdsjs7$BFKp{sMh5n_PgO)xPQ5ZG`+Sd~tzHwxzsC6s6!j$+qB8H+;+1w7j@8qOq~ z5eVhe0Dv#U*;&}F0?kXKOm79O+j zo3DVXhFiwN$q3qI({av~@Ew$5y(aijiokOtIAr2EE_f=OVuD>! zJadA|)aioRIN*juCIN zsbX?wXl}cy=`~Ot#~+AWDSjFN9EM<{DoT|(U03p2w*WmrR+^CD?i1-Ev*D!ld#udp zc9`?Beu%?^Z8*B)mEllPwTz}J{7&F)>di%n!Zi(ZbZn)0rqixh5h)$WBiJE0SOa@# zcTrCsL)-|)p)U^-3^D!_=))lCSQ4Ie$CY#}7q;D)5*t+8LBcSmDr{Wp&1BY4bJ`Fq zmMkCk8p#9Vu!7y2@GL&d_4^-cF2b-=F}PTgekEBl=Xok4sH7}djem9Amqcg zDO>Z0m^d{xm4HDFvlH9~g%tv>T-hNgaMLBzfngKdFgiq<@SPHMg85pMtnoy+S)B&u zS7@D(z?(!Ug*p088BRI)%ccD|R7|H~8jMMAy3i>2`Ak^9FjA7F)AnHwtz`^v9*9d{ z#Do_zHLF>gg~3w*$Vif@1rlK!q<}?AsR}NHKfs{kMUP-IsZ~zc9LO&e$!G4PeCAb# z>yVk3X3-KsR86ND4I6|2btrw6(?!QeLd znWu(u-0LBo&z#T(R+Nd)Mr75|W@q3uFI0eLV1J(Nn`yV^?}TNQ^bXC>X>+AHUIUmr zI~P9V5!Ky;V=LGh+i?Z8@l!;C2<+FP9(wOSy#a6cJo!-yM(A)hub{P-@d#?Nf`%Hp zh)j0duZ90)Wjoreg|beEHb2E(1N&EiG~PG})?+txiYPj9^aS081f$uxXnz69XS7*h ze-X=okBcXef?EdD85Lo_G>m1dV{1Y9kCE_Uk8vU{Jqg?Gcw5wSTpdpr;ZdQyEcxhj`Xa=UGxxY`%szob%1xr$ndkSfmXRDm(3WYCB!$+@ufnSqY? ztZ<)XU-s*T+1uYh!7yMHYO;dMd=ne=w7HV~6x{C*7{3NB2L#6NU?NY5qAzd#3N_7jxBZ9v-UbL! zQ-vhP)Ll4>p7#ASg{haoRAmk*L@%Z#xfvA4)Z;O};YN-!oFWlJ(pobEKJQ!+_8Fjg z8`=y5%?-2#CAiY<#5Aue!kY6pXb%^zBfJR=Y?(0`T6dRPcnOa4s0y! zNDzmU5=SDZ2u9hELR?-~YYL=GDN?yi_?im)qen`vSDmNOvwYCoQW6PAze$jj!0ck7 zY3$69cN~(^1MSDyhVPgGrTKMItlS3pf{OWtTo%Pc(#xZm5pCQnRzE^IUj2~OJi?}` zfiI*xG@lWiK8BXbOC4cD!EiqzHC&bW^wAvMN#fHV0%_s+q*&pIWC3XoJZd$B2Xn|{ zK15OnTwYfa0~B6X4p3h~A{LwTrzE4p*ZmX3!1>D5wB-{RYT!Jhsv)@v6bH^YR}K$DsV1@^ zT_3q}*mUqNG7$3-v>u)-haCt$^{CXiR3P)!Il7ZT=Iep9Fk~v`%8@LF8#6DE)Vp$J zysQkBPa_e7$~Li;BMr}BTxyyNl{fW-%HAgkBiI~_IEK*or^F$j*ib|0dsQ{J+7NnI zln=t0d}U~BwR-~R;lhkF;PNlgQW#vWhw%zX`Cp|rq=J-R&QXyBDZdV+g^}{0T5^eE z7;cdK5(&HuB=NE`NPZuQ7)bspv6W*92g%P-(_E0eLG4)+d|oA7#t%Xo1LXKgJ=zU}%MpBT zO2Eq-q$Z_;ms2?!li=m8Kw20tZ&1Wbl*4cX=6;em04AI<3m=3NRExKjf%60sG2q-w z?By84f%Ey)bftk4AJQ8TIEgd{&V`gHqPKf_J?^YEmk|`MMm9Nr3YyAT11>H>m+9m&9;G=i?;vu3Qr@D?{cx zk%&R&qr_H@E*vr+rlz@&dDj3tP4n|iN2{@Q_3@O1l3Q03an~VmcYDr%O0kfOi*H+D zzmjdM^swZhHq-$BQIdpQXbBsW%c6MoHQq|Xr`%ODW2ET`?r}amIO_~x{~lT(&xet* z0PD|6jZ+2I|96g_B(T0_;|jpKVm?fA7;aGiHc7k-)bX-1sP6<7a8UnNjv|Gn=-*S* zTu{F@Y6kMSLwxwa*d()5~fD;l0u7ojtOOuklcZ z!|1gjJwY*k7-MC+$pFaXXhjSlg%_0wFnN#E%v50VSdJDYFnK?a7S4VZAI6A9KIFxN zyGZU`V2PJS{E+($OQh^`NW?PWJBV#x*~wvQnhTcu0W9gsY!W>jyM;%n@ugn$Ky~tw z=nykiNMh)GO={}$Nep!k`D#@y$<3g64jDgw%id6=SR){!o`4xYeo=&Z228#KEr!8l z`r}CUyQJ2nf{?$JqbvzRegH@dBc$Tv7bN2$2gkRQ$h*K1FDrxNe?}q(j&CKla$Mm{ zw_l~Ex#0NHfyx7;)pbNKV@v^a>j%WM97ih*2Kyf%QnN@@e? zLCLXfsB!(vBni3D5(XxhMR8njMk#UlavxP>XRn@P*iJ90gXfglYvkaEx&3qSqPjW$ zrn-zL@8a4-(f%{wf5%t^{~I}bAw|9f@Ah1YsRV#+z)7~ykpzG}Kw3BeC?0bSMKRpP zgiR!Lz^E%^??x2#jRc~;<*vmu=V>Hj!C{O#?8|pIP}AJt@SK-szqc_=lY8EebK)bZ zNy&#d)Y$nFRr$*mTpT;&_us^?*;Fkj#FPv{IdXPC3lW|ia)pg9)4@l;SR-c$z2CyojK94wdROiIJaZPvlly&NEg3yNs(givu^^JCQzA*`%dndk4k3i> zQFcLK@mnbta{2I#8T+M-d0+o?i-SUX)N&vk>Y(rz5|mt~37eD4qIgg!M+r582CGK0 zmjfy$)+zFy#gqG2t;38E@ntk-79zH#1}K>PUrJ40B~Cn(qh3jz_$rVVjuW@39lc14 zWVnOH7fASkmdOW*@v?H5_&-R*!o;5t+rC`(kEv;Hm^c)odHUs{@OH;OUO66OcTqMm z0B;;miby`$p$6a)n5t~;D{Q_pZLT%|>j^xJUiCRht{f5P)7w$ z*?M}^a)2D_U~!fNC6{T!^5n88o~&!q%2K(Kfw#X>G69xSlm!GlG5)N+6v>R|ClBq+H|d9YxXCznO> zU=i!G8W8#6mPA_?&mt-BwGPWkbgUn7Dj%> zbJQe<;RgJF3Lzv}n8C}UO6C5*u))3t?SMi3|Lx!5en?Goq5jT+PQRdrR^#x?Eh&>v zBL3L?JnJ|t2cNiROdRd8Ps!1j^pN^d*^s`??M9M>TxcB5nRUr!Q5??WmlDB; z^;FYuAmL!npX|+iTs(fa#-LqffVzWr$nyI2z*fNY2c;IOlFc`AlqJFRhk&#&rYpW% z1H~}hkZzH{A&1X?R2*+BL;D+%h(UXe*!Sgp6>6Fb?TRnTz|T*Hz&Z$NTwDK*lqlqr z8tM%AZK_&ZZOA+m)z;bPLRC?dQ8D1G9E9_Ml^Zh71jbK{7waVhJO2ochhgU^V=lnw zXQh^<0-t}Fqc{nC{yC5qhEK&O#`Q&VQWXSKL>X<%8PWr$M-1NXV=6T4!0wr-l^*I zfC3SmLMvd7buvebAlUG|e9W=r9TYFK#0S^e%e+0+FvZDw*3RRye9;av z9Pn)@S>}KnIeWqT-i~)yBQbWCybS1#;kEE6;COe}!pWgm{j-n-SyMFTuz^&rZ#-u=o8+5-* zq6g5uq%_M+FtWh2;&-aBoiYkv2Fl?m{OueS3n=_8YMP6}=fabSdQ-D}!_|Gq)tvK& ztFdqxex_tnTeggP)oLzk3yyEnyHQYs;k!`ygG{=oEgAK?2LB6>H(9=C)N2uV|3v$Y zF@GP*v1ei$`}pJOkxrqdTZ+E~qc{1ohq@RLKK)9u86f&#$Hc{-@S|4EFyrr4+e%hZ^i(qiR2L z11+B5Kbk^czOWt)>p5|l;5Uqh1L?hx=Qki*flY>Xt8P_vzrT!sWk!?{4c?7rm&o{e zS3)p&kJL0(g26j;G%pDT9|qFG!C;__KNQGt$AaG^(L*e_rZkH-8JZ;K{b-S~K_(Ue zNTwVsK7&LoR=l0Mm4g|N6>p`c1!6_-GR#jVR;+UWajf|3lv3p49qL%|6;=CL?O4%H z#fs=*N9B?_OEqKqFk%RyqIXFse(g<~&0tYW97aZ%Shpn#6Wh}r3Xx(2oAq3=szi!4 zz)7|slthZHKw3Cb98!DiwM!<$9W4Hlye_{ygzZFq%bky}Bs4S<79D=nzjr@NO>?7z z-*Y9w!nhV2dR|b7T4HfXEE2^xQp<>+PUmr4xJl}MKT`#xgE{yh6pWbV$W62O8e%?* z3z2y!M}(L%j0Lh?fp||hrc(v~m@@O})mbzswmO)In+kw`R%&r7fPa6ELM4E|2&9Dp zU-4yRf;5I3>hC4F1Jw8UP&wXLhWKS9Vi13d_{%d?z5uv~n&v|M3;T!osDiIV69eiS zQ(g7gyXbJ67 z+>XUt%3%CwNW{SSJ;Yj$VjPU$MNME&!=${(-r_-b@RhD;0NZda`48z|{ zOSqVff(;3~bkGu-~q@vlja*ku%`Mbu(1QeWU3)E}gk=8Lo$D-}Ez& z!o=t9Q~U}KCj*4HY>hy8TdF$&eYat&6)Adb0!{-KJ)R4sh0#~>+ts4vnE47MVZ z%!)$|t&Zirmu1df0A5pSp(<%_HOBxXX|D^Ug@O0TfN8HN&LMyHex6j2nf2l=WuX06 zNW_5lEU}j37YEu0sA(?H?mZ=By<7>hq_^+(G5o$cHEH?qhZ=sLQq|9D!*BeQX%_^+ z=G@9aaL7ms!;RiB9MTtt;*e1$9DfR}kiqeDd&)w9mhAJPh+Uz`P-^`T5WiKC<7JS_4*2xhihG|q!67^rtao2I7nvb=L2bBpguY%PeRpcw@(BzzNZ+NZA-M?@FJWBl2IhX4Md=Kra}Y+iq%l4L0z3 zDSEG`&CjRQhTo6#veD3u69;NEtp@5$g9dvh-k+b;2cQ@Ik zjPoTKo0%)rdq#-)8?;>(V&ctA)}7!se=D_cm3Z=3Il7j_lfMVj!trF#%}g$m;SL^u zLBaE=LB;KQ_nxmPC;~FV#nK@}hI#d%m#Kp6~hE z1*`^LH3O;O9V66_`g^|OISzS=5;afpb?ubI9^{cET=JrVnR#!@Q4rum_zEv(-trEL zhpLQ1Q*;P<;QCU;ArY|XYDT<@KdTz8Q6dH_F@y}SydO2fymDuEr-Hs`vEhmov|gE` zc}d_hfK+hJ!QKM)k^vV&kt&AVpHGwgA$D!yv5O`q;xM)lbuD*2?%PX9#C-cC^^ipG z^wTjs4Lwdxb3@lv{Nzof11Vn*S@4F`B;~^$>Se(bs``*Cyg1g1=WiZtTdv`i z7hSztRtGtenqlnRtZT5VbHp_Bm}C4tn6UB63?KtxKY(_|5O!;_GXY&cBsE4c^T~VZ z*ZXsHEkV~$0%>7%RbJPL8XR(D{dXjLK-L|l$Oy@<66YGRl`^`15s4VOzMFcH!xcx@ zcTm$@bUk{+)SHV2ezsI^`wqII=9x~rUd7kuIc`;R;Ebm3TTau{;MjSD!u)lNP+4ND zi0Bmh3UWlme(KX_*3h4a;cKb8?Qf(cD3`@hL-$uzmA%@~U5zR_9()GcxZt~bnO-%m zirp!42Hxxq@%soyOTrQ}uH>Z13iq0U*qe4lh`lYVNJJsT*fZ09&j` zAQ;E>Zms4zjj*bdF8yP!3;B`UUN#1F2e!uLM|+2+L3CWs23eg^_G;hm^J0ri|))(l_YIC4Wxn( z4p=Yh+7%gYw?adpq7gjj(ZBV{ENML0=39QE2)umRGUZ>jFdbb_TCs71Tn|ogXVIW5a5HlpDq}iqikN^mI2gMg=LYy^q zIEssJvT~P|gRDTy7iHZc{dAm22+fOim4PKsqqKS1*%LYvOzmyhWJMzRujc4ef+Ft% zQUOH#cv)1f+<$lk{}>W62Yr&*_T`|zL``$oS}!ts}X1^?S;N9 z{#jHgv-r>DC`8zoVHPj%pm<1nbsQ%!Wu>o&DMyKjl82-Hy1VGn^Uzhp^Q|V;HpJJ6 zPEAc^77pW=0>$4~Dl(dkh;`Y{$RV>6nCD=F6^U1u0H*<0o>v2@;C+L|E5(-r#UdYa z*W5;O2Xw!-M3x8-K?`;mzd97GFi|>0I#Kg--{axzMkHd+y_x#$jkbbwk5kj!aCU3- zvLLN$(V|p`e6iv*ecfu}#{qP0$#h`l$<~`rE$fl#Voc)9{;rgG!{uL9D-P=)oD1VRna}4eK|$gbAfx|S6HGA7ge$tG~b>QfqXJU4VrIN z)z)f*=9~a!WuwvZl}jzY!{|Z)g&ekOoVO}Q25=r*!QL`J^fPEk3`EDmVF^(B$5J~} zfztnyqecmoJ_DqMq4XA2C}k=dazOnwNgV)nQ)z!_WFnN}ePt;9J0xOI`bpw1M;{KQ zAE&0dQ2KHPrTC7XZ1fBd5qT}6V%038%6*46M4Yw{d2DMLlUNUm1p1;8q3tSgjsf{c zDM89bGSqXh_Qyx=jB&U?Cm9H=T@oSi1{%Kr zzt`Zs6)75A37iHj8cYIdVfejK5q?p|Lyo=ABas94j={%8z^oEQ0lX<{R_-IbC~ydg z81O!an9EUy1Mj8OG#7ZUK5g)3kBFr>{s>6>Xc+_JsnkT}Lmp~iyhl|h za-|nv-k*vwYq@18<08;7Sgd;fT-k?TGxF0TE6_&8KD54yOdx7tf!~qj0N?=rEQ(`)bx0O-xO-RI0u|@3V5W`WiK}~Z} z@#Z76n8&Xe^-f1;bl-Pp=EE5Yk7Yf-A9BIA-;)x6uu-@@-Ajhod>G03YAzg&!2KgB z?nyz3o`Xkka8f!Bn+*)G~r8wZRj0T3qvS|;r6-jkiaPl%`$^ZjwL=rsdT z??IDdh&mp1A>iuEr6wmPDS5kh$8$6)!PQwH6>^lpaP>uMxEc#%xY6|}i5<{&TWJ;_ zJAiEkw6+AqVjB@x)5YNWSV{=;>2M+3y*?7cBdS7>OF4m9@}@2hVz+%i{3koC7K~J!y4N|j z4%P8WMstQ}l2Z*X!zb9hcB6skQ0h)|(bpI1Mn_Kvm{W|$i3}cMQ`0ujVV5ss&5x}O zjm>7#JJDXSpM{IjLG+2ku-35_+P>itVqt0^T#8lpVI`G)A3NS{$Nig=V82J8_d_tU zuy=Em;P5Iu6MyyDj(IKoy$=5Fg}?jGcI;n-w)Rn+GEC{V^pt}4PB)tVbY=Qp55CAS zeeW;a^mDhs8=~NKQx@!hScW&fX!&M);Q+iw%35I010JZk@G*xa$2~V)bt>Mp=d|65 zF=0!Kn+$yj=)G@C_=^q#79~cwx=S*2R zOf@k9gN3)AfD@j9qQ@(Ax3o9WVDF^1fKS2Pb_bkan)Q5lQajvSKD%#XqS|h>$}Qcm zn1+XZjh1JDMNLewP;^@8muhnZ$Q<)QNt`ONQU3rn#9!qhIWr)6hdIb=~u3<{yD7H|(@bA)w9A zY4j;;ehc7jev;Zc3wGQR0B;_WDztoj=AhJXw}Mx^5al2&?}T#W<-Nw1;eaRAc9R^Y%pWnbbQZ71f5|lI~HIR$|OumGw zXLZL}L0uAq*d`bRT4aVDJb=n(cCa3r2z=-8j$mj-%-}v6d6Gk)09*so6)*#u9EVc- zG)|4JN+OxAn-rh^kqGs&C`N|w#1d zY{q)|BHf1L!OhM^`wNhd*mvMRU&Ivoar>Q+vjh{|yKsI|=_ZzvY3a&WE_@XwD6Nz; z>#hJG?|`qOzQtn2Ao7!UVpaRdrNOmW2dISB!Ut|8L(F`Ts^f z2Ep}r;@uT-{jI=hz}R&KkQR3RoAb*d$B!Sm^Q6(#>;CdoD2n0s`Uw(x((Cb>s8YFS zaIc?2BIflQiDzG4KSE7c&g&1Ub}gSr;GLh`gaQdMHf0meeE_kn|n^AMi^YpJo7-ZhIydTs2DBgjZkOiHP^85 zRI>3@vhiM4n8l7KV4~~!M6tHJPL4sW(AqI4k#=pcwbFLsr6_)xUq2CS4zJX$rqMYO zjKKy9Jn6jXb%GsGs%`sL-J62f1~uVZ(A7>b`U<_?hMINsPL*vZg7HP8iSK=LT%aGX z!qeCA6lbFazieXNl!5m-_;rH++IH*k+ZNxc(8r?iuGgWON3gTzIDXTC2e|Po=IqX~ zwZRt8sQArxqkI8gOWo+em94Pcvs&ef(`exC3Gmy^t{8QLu9We0MP*uc!+4=PPJqP^ zy0F=Wnzief>&AJb4qFDngb7F){<q-vKrpY-N1oF@)4tByXgMgY7s64+Ld`i0Uw>POzm8 zul{Sp!wn$uD*V3AXm)~2*lYiwjt+KRg>Inu4{{iV=Xz@}O^}FHEyIW3YSx90IT~!m zvV1wd6s)trqP9>{8d)6(mM&Oea4v){WVns4fOMN4sz1Ke@{D%XDPL%yJ#9BGz#fEA z7AeU}Dt`IAMVk}I3*HRi;a(3+gpYD#=ndv%uvy#`faY6xvvSR{skd>@Kha5_MG8PS%zPuKEUUvO}|lx&cq$|ORdKG$wR7h7R;?Cnkr2QGs3I2Ef|0~-i|VJAX`*Ir1qvl?i;_?j^C z#u0>;4%kd%!Ki`@FT)T_!|`gO^eTI}=y& zQx$X>xYeRx)*b|U`vHhwx<@NYt4fVFVhi?j$$ku@)+6}O;dStj4XxY3IJSTy2Qg)B zF4Fxc+UC`;{YL~4#BMe3w5vctoe-_P5xJbie_jFqw1X|8>alzK@1V1ITw5v@m=jJ7 zhEBuVg8m*-F%gJYSUV657*1ossYkX&O)pJdj9QP29BGt#Fdp_zq&pM60D!wbMvTkS z9Qhq60|6#gU~>-)uM=#7&9ypHG{nG-NBH$8amF8l86R8cy|!}-{0vU#g2#fsJg_X* oaRgC`%bTLhWE`8UW~JV)qA@O_T})K*<*6jP&Iyd{?S-lT2V$ug-v9sr literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.doctree b/docs/build/doctrees/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.doctree new file mode 100644 index 0000000000000000000000000000000000000000..af7c8dd566ea0b980eecf4de324109ba903446ae GIT binary patch literal 17328 zcmds9X^b4lb>=R)#|*hkE-h{nP?XwNJe%y!atTVJ*OCyJ5)_NhLLg*^2*tE|rfasl z+0)(WgWQ!PfeI{v3@Ql{wfw{IAwYHl*a&>Yj(_-ve;7&tAwulH2$bWO5*Uu*APE8l zIsW8()mKeVPw(uARE`C9ce=XjRlWDVdR6u6y}2>-@)yq^5I_8A;2EZ~)7Es|adj5N zd|r3EQJ*Gj-;4*;A^=9L)}Q zV|-%5GS0>dK$(Z#>NtFs5zs?K|Y)Ex5W?Hro-Z`sH5?w7KXmr zi9*PQ|njv6P8BgWmv zLE{vEb-nL|>)rK_1 zZYAce$`=w)GIFsoyA{S-Wc<9bR!DoxxCc4~ABTYQ?hqR-yji3-YG6WDVdM{>^m@gp zFKsH%IZ@x+Z9BT=``YfRa-EsmM!2c;Y*!0cmC*26V7RuPmM9M?Tdu=am5vs$qU=oj zfsJ!#&e8AL`#yO3?0qZB+QSJAfq5F+5ivHJr39mFW*RemxmqmAWLX~hI-L-Z&xHhy ziF~vHb+-6nNMp^zl%Zbv0u4f7Up%t`bvJhU_GaK|WF+R%1faggV$#A#(95GK=D+f` zFrV@?9?)^ zdR2)1={m8`lh_lP&r`R<;x;ZDPmyeYwUDiGB_Hc?F;>_*s4Zl^ZDJxznE91E2i+X7 z$z;lhAa~zH_vw_$s|#q++*8XEp1PD_8J`OIJvUl@e9DP68Ji@iUx%P}gd*<}!lAA_ zSi>+9hE*Ql)Mnn}rqtu_)b;2M_xM|RkGWw{lldX3VoJ&TQl!3Ksq5?da9^KG`+7E6 zv0)eHWC@c2!78d_I;cBXl_YLcE52MbC}jN2(W8*Xi~RxX>26;$otRI1yD;Hf(qmn-XLjRTyn)%9tOYSYQEA=C!0c`&l($H^e+2fw zf)#tfdKtGyfq)IxlNPOPT3rJ{A85Ir%X4ACwx_r)#66q5&Xk!w7P9=?8d+8k^iA~t z+j;*ZK>6buvY#H}pCCzOKVOio#^1l!kp1!ySwbI?EyOV+R=`9W-^e=4p_abQg=00R z4jicIQBshMHRHPl(2UmxAeQz}11;nA3J_Vd7|5770>hKw=%+?(3WgBX$SY=`l1d8E zwd+M!2`%gA1e<%J%X+Y$cqPCx;(KAtdc2-^CCoD76C>@Z`cB_Dq+Jp!7{_8|Jnt#c zYxTU<3iJS9%9lmgV>oTNzO+j4sfRKY;!}aX7i+uZQ|{1GWqp#GoE)2}muq`4YME;A zS1^2Xm4M4spRp&H;A7XDh~(y{Rt zmM7~~ndM20#=UzS7>10;A!?8_DIN+Yzf;R(^|EPw8;!K3ux4v3tac?`33~p>Yv3Ere`?K@_E*%mR zmx9mW>u>_u*6(xkcCl6fqYespVDq+xfedZlr0JP%?yZl~fQKX^iSa>=oLTVq;gA^f zCLPAzjs>@7Jm~V6-Q$>Iyk^Yu`Ceq(;!taJcvB7Cu8LD}7{pdY1gH;+%(jJ443!W=^pFqRTEWp%;M2nYb6&9I1#2eTa zlwF}S=)u%udVL0`WB8^LWq|sys}d25kLH@CD)Mf)2%9J(${_L!_DNa z(hA&O*w=PeGBX2bz74K?%~s(BcAagBJznimwElWu8hJC($Pe%jnpo!3N=uqjR4h9* zjItBt06&%uko7%73(SEfxLL?LhmllN!02B}9Tm2yY=j6#|C9{+Ct}c}tIAH6#Gywn zI<^C&-!((H=yLzwpxedzR}dcbx!jc9d1A$@a=Ro_wEh{*bHq)r=B_FFSg^csa8S0R z`H)yn^;A;BV2`s2s560Qk44Y-Ow#j7G^*Q`$ilW}QCSFZ3}Gv%Yc=ubrgfM;(ssf+ zf=`)C)T$EeR4d~Tp9`p?w@s*x+(cykN+m`Ak4@75BWQF-MEemC-oI!^B37M* zxk}|-&V)F1SyEnqa{6V%G&m!ms??@u{YoW;@}8Td|4*RN9Z}v55Z=G?rf_GM+}q(( z!P=)LVXabiD>?lYiT)QRr;kNvN+w0U%2OEcXOy>Yyd>MsiaOE%%sO3&xICsYwx1`h z?}OPo^pNTQa}vl&>(4}0>wEZ@EiTD6Zg7Y5zT^f+X^E=~v4i<#ah*>W$P~)p;-+8d zux0&~M2ly4Jt=&$$AZD{?@Pz&#^Mb$s@Pai@qm(RS2Xz~4>Tl~GR44tSRyu-(f>O! zu+dc~UeA66!u9hum&pL`heT3=`-(cpE3{jPrrcmGP`%k`$M#itEuS zTeDY{)ET`gf=UEnA5CCd1fF2i?&c?W9Oejq@O~8+q@U?UG6g zS)DpGh{@5|AOWQK{uwl?z&91&HhiBc5vw0qx;b7K0~=j+Vtk(k;d*>0G8tTgM{X(} zpM<$o>a|8=K0{ch^rE29`Q=G^zjUWWd*$|uHkgFDaYUQlA0<;ZlW(cC5b`G{8OQT? zO2{vcDdh6LWN1oP*yoBmA9_2+tdL=u@>qs^c@G)x-;np|4zA9I<8;r24gWAz#FoQ$ zw-F8-8hxdOP#U;DYF_##fl^4=61lGy?V>L**O?pMdC znyQ;*w=Z?q8-_1qvPk!f*}Wca;bsv@>?5>Ux?FBv%&we^YeK20K*e8Eu7D8yyc<1`B)nP06yFGwN(Y5pNzU!nZK$$-d4^VuJ2wCu9~aL zN29A+@QiXnGm+P^id%o3>i(kXgs!vMeCx(%^4I}Nxo}v7t2au!pj4$m>Fg#>2=f_w zo81G3iW`Mq6b_h)p#9d3&ouu~118ofKDu^C=G+Vdw>$>+71o zV_s{!{`R`3_trNaIK9z6egA!D&prIKn%v!sq%&LVFk9vs*ZG;VSH9T)$-adB<3!j$ z#6Q@|f!osm?=oHHul#REjpSqh&yrd(B`ITJIOOBp+kzS_=+Y2WrC}VJ#Z(lTe|z2d z^Fv8^NCi0<6V{7-Gv>-(b3jCaOjD;PEfT?Awk`?m$SlTjv`U~|m_6$=uqJtQ3&$+d zvTQ%=Q}oLEEdE-b!ymFne@}AHO%M^xf-kJkqY8zh6tt_Zt3QESS+G+U{8Vn!O72V% zWtD^uzWsXVF=5O?BFFznic83J%m+29*An1 z{WwKKOYsXww|HZlIcXF*9&`<{&>S(ixp~qHT1ycwO@y%CiDp zru9+M2z?|)(zxTBe9?5U;;9HWb154Ov42t6TRXQVA`R~ze5o?ucYW2sVrw%Wa;Bjo z2$3I6)=i1ZjGz+pQ>8a05|&1=Urgv0W5`(k^0tgCs5}qv*Jr``v*^abr z28ruP_nJmhIDePVx~{LQIs?KfhntdsxA?4pKFO$I>MA0Bdgcytb@?JCFRMinpQcc` z1s$oiY7RUIRuo{v!F=3)5W%CO1k!Z^Qh!n81uW8C6$z=Rbqt{tZopKzr9ep+Vf?1Z zwI*6B&MI2RCPt8XPNSU5CWNudkARr~Qy|F|1ZvW1YR^RQ6Xk&~(^zM3-n*0Xfb#fM}b2MAZD!u@CS?k9kETA~A!MJr9!sW2ec%e>yYxC=QU~ z8X7oM(bgyCC#a?v0BWj;=7M@ck%!B?wfCPs3wbX3y>5v-l@#QEHY1P8su5(d3v8P# z?1?@w?bnU4Z=?jlM*HLNCdjVEzJ%SY1p^j!;cfAq8-j zFepGPgjEG>aHmJ#HNcM#l+t!U6oXnXf57^CCAKIURSU$vfWDppZRe;)^0{Sw2s7R~ zM}HLhLo0a18&rc9KJmQRqM6ymmvTD8{DoM%K4zdVHW4 zm~B6#b>c*sV*2I)Z^9CF-H7ZAQd7Gw0w_gbB37fh^J)1@#IXyGFH8q7#1}EU5Mzyb r3M~b|Q_^v6m;`po6Ja4C)=5t8Cue#PW!(B@2(28 literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.doctree b/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.doctree new file mode 100644 index 0000000000000000000000000000000000000000..3355627d4488ddb81db6f8f5eabd601cd8d2ea92 GIT binary patch literal 69282 zcmeHw4Ui;9b>{xg?)3iaX92BNDhcrREc3Iw5+IGGJ)~tNmi^J9-4%m&mfo7~nyK#T z?rOTKcV`d_QV^WAcXh_L+7=jOUEtsh@?q}yad3yRxdY#UF&M!a;(QmJ5%=S`I|z=$ z91bGv`(9>NWma`nc6Cqp!Vo4x>~vM;%a}xUtKPoQ_P0}U zuUvH}Mg2{#RrJbEJ*;kTv`6es7utDy)Zgfpy{e_W^2h3yS2U}WF8;4vUzoga&h?sR z(L3QRlwGe}eArrOTCPh3i3n(HIBP8tbG=l3SDW`_q+x<@uWj%0M+;#`?e+eM=-(-S z1K63UY zwERt;xj?Vl_6~cGz16ZrO91Wy_sf zD0_BmZh|B;*EC6}6Z1`wx$HC-r@*~C#krm;m@Ut7TeX_mT#o!G2(eCOmhxoNg?Mf` zzOFTAukkmQ>m_SR881GR_N@?yeH(`3rTFjV_-`Nn8za#`y2LxWorh2{q8M)f&h$|= z@=TaUxo$*x9P4R-?U7Sn+icmduqUL1PuaI%9MO#p(ClJIFYKC97fK z|LR_$(RAj_xpKAaVVvRxTdq|owo2x-@pf;yK?ZrQ4!t{%UXC-G7bMaB`xn9Bf;+}6 zlcc$WNz<&?9gnH2B69!G`FmdK!E&dKeQd<{9UeFC38Y_e8)ng(Ho_vtzQc#1QVceB z`x{w}wy zY9W7gsaBn4{QyKZ09sb_lGUcV$58jEF#1og$mqF=Oa)e*uAY;P7ZHsC0qO#x)vLqE&iTp@hp$*V6Z9h z_($o4?Td-vNFDjDknDOO59fG|zm+@>V5qQ!fJhk!5lig$Sz+0!uWQ;?V~tUeD>*ed z&bGg<@s{4ebpZYPS%`Ki=ve6QS2fV zU!LZk=M*8!^AO&b5f?^Xz;hka2!^$*kiW0#Xu6Qs_`5=FaT*o^L#L@o)n9vWs4DkL zRjE+KpWdFo*6Gxizs;yEl^t5z8ig74N6K{;a4SA!BMYX2PKaNjdQ@)JHby>T-fUI9 z!X>lXvZ9^xuXkIGhST&4E<$DREiH#a`>Pn-%3h+%%rV`?2QKDm6nqNm{+>|X_h~cC2;xCkjrEcsXVAB{^p+8?EEe=ieI)z#d2QcPFyOPOlm!F6rYD|^0fKl}#r;b? z@nppn#QVa4ALtvrRv7R-Cj3kokX4jh*Xg`?iWv#wT`}M$E%9^=$jW?POJB=;6a&^{ z;Uq8?_P4Z>S83bm2LX8R`aysjm}$qBb~*rHi&84+ROFfL+(X*Vr9i-ORLTMY7xcuF zAwUrC3IU6H;>i#oi1!5nSM&{DD+pL-!p{T&Sw;D@zGqrdc7=csYKf;qKvw2IuBD#> z0i1Xg0@fZ3Yz2Qw3;8!%`u&(cZ@eG#znK|!${KD54D9MC9dt0^jqLDWXgiz&3Ex1a zERgV5dg95DAc%K`gdgdNC+o2w-WMcnUa$3?*9sCgfQ@Xc2$ig&yj|Zjtth)f!T~Mu zbV$g`{9!Hq6iDF2qmZy3GlRfp*x%AhPH5Zc2NpO3{lLPFi63t|@L)777W7GZB70_O zdzNDVCMspIe^*aD+5QFbuJ-?go_Mm-3gUg)|5N$~ua*73n+ZQtNRU;OAJO+rE6T3+ z|7k7pbo(KQ|zA;kJ`U>W#F6IR{B8z&O$#3@S>FOw4E3b77Q^!K9LykeQn=T zFyMcqQWgyOTRrh)3=qV-V!+l7T9=%xxPrLEfDQDqn@gy3d62)9!n#G@WbY`z8|Zm~ z@Fwt)F$~Bm&Aaqn(@L`|3_PGEo(=<9nLn$gp8^A%coYUUvON!h!H8dS{O7do^aBK( ziGF}!U&ehI9l-FC)QUmBH6^4h9@EMq1voCFQWoI2swbWd9D;aP;CNb3JXzHR@jij$ z!}=z#8E|}%$v;#4kX4$W(|1iP&91=lyq0)6aAalvzi8>F00$@D6L5T2+fF~g!I|g> zIBu8ww9@uxbzsKkpiTf0@_|Hzk&Rl1ocy729V%r(gd6n4lMz7>?}`Yw>xn1pupllG zVP{;NLX4ep#YR?AS$eut&p-xz@Yg$Ym3HLg<5qPSUhiKa4|I&o`C#zE3rsq9* zWCZa}(M0!iRNkm3o8bZF={{rIPEqr{oHjOLUQk5+K0UuWQO8hI3rt-{<)eB&l1D{gM_2#%87=X2|Cbf` zzNDp};{Q1Dp8Vf`)V9-)|Km)=Mp9AI^!+xQW83}YAgtTJKd@^0Q+l=^=-E%*;P5@v zgL9KEVubH{4q6F*%9hrQ^x;E!Gnr-4z2L86laknU9PEQtD&1q!)_ojlz@EdlpQ9bB z@IBZ(-i~al^+(b+$JyVpNBqt6t!kBRleFLI=L()vEMUW>=e8>^B^kW)AHtcjr=kq) zqB~;m<@|uZ*U*ME2p4+<*_O7VQ}^h2hTIG$kB*GeR?dZ{*|3$@GmqjEd$5VuV0-n9 zd8cWZ)vBQ!n=ts!P1o>j(=+Bw*D{>CQ58o_jAnSoWYTz}Wnhy!ZIv$>MWN&C7 zI+5VqvT?t;Y`JB#ZdeWM%(ZIeqJce}R@1}AL~j{K0!mhujsT@=gPU%Wq{HPmKi>sG~H~@jOub zL#su`ios9C%n(P1uA6rp4~G-10(OB~*j0`bO;XqV4KzZ5T}M7E-W{VQXJ2$E=pc3( z#t*`5L<{8-cAb_>cVK5K_Tn=e@Q)AhtPUM6sJxn3+f$+5`kQg;fQ@vU?bF}w|K2Lo zHwmKg(NnN1CTbGG1PNiUzv>THU?BGkRRb)J`Z?ITU6`vn#YI(7XJ-K+o>`cs12vBU z7_Q({&TI>y)pRZIG5+=n{-xKoa{bB`V|Lt_n8gvX!eixo4_QH$j{d3Flk%&|)lXx2LCVZA))NsvOqY6x&CUH++oVhq|FxtU`WjwfS zl^1L;EW^ch(Ex<2Fe)fOu5X(OWqNTkcgC_9?3bw_IwQt_)}@m<^4VaI~OT|1+YxD+EH(Jc;ZWNRLk-czA= zp`*L~&4I8KigBhYEtC$09S z+Zopug|eQ(-N||tFuFaeZwlFez9NRFSD?5O%Hv(j0_B12j;7o0%*zn_1<@3Ys43#9 zz?MA6aONloQ$r*=XQ~E!ut7)91Sasrv*{nK<&5oQrGR9$q&P<{*B0;l6<}D&N3INH{Q(#2kKoFAVWJqe1 z%1y-O)n(Faqfx~z$o#OS7Z<|^mf8H;=iJM!;K?$M&+r-5i^efi_VlWpWyBs zN6yN1fQT}|DzanI#vJCCbTSEZxDr6ctS%$T0j8_VY~C8ElQJb`W?#2Z8h~atVEC9C zqBb>@L$Uyz2rVOOz|_t{Cz^g=5n>5bR>3qYr02tsD2gmJt`7JHWWexI( z$f)5URT&YBfyp7_qxq&&%MrN9c7cRW6LBYThhuiKM$@XYKB{Po=?Mt(xhp`dW?|M$ z0hEb&=MqO=CI-ta20k3@;^&0b7#9q&+UP9%a%d{Y4 zDY`mOo-I`AV1;85;eFsfacnPcS(8R=)uUCPD`SbLl!Hs8C6GpoN88YHYYAsjU94`9 zi^e-7t1w+}JlRB`l=H|1;zC6Y%XF8GOENsjMVzjP&fZd(J#Ci*xV&iOtx3cJrcrmA zH8ieP8IyX>BLYL5RBo2v$`@*akQ5X#e>e*{MV4szY8@@)V4Vk2&aCd5mOw; z8XaXLnK)sU=c=&O5^CW{EP>UWR?zW zXiW;z1PF>1sTKnvqH^@a{SO68SLY95r7UGoKw=(a#-bdMVp>H5jYJoY!3SQ>n*P(z zvC=6q(S}XYIbbv<3MLQH0SxC}+oR7FvRh+hGsQ^63yYBsuT1|HKJ?w&s#;1gBicZg zsF1j2MO}IOPuBpIe&|K&(}NZ-FA=3gP!&9fkr(r8D2?otEn4TNCLG6yef zdCC2w%x9z2^FkTlhdQc9RwQQ}%p}AYoIK|B;}nHZK7(oFcI244eax7cFix`EQ*itE zngxG|jXi93AeKAK$O=ada|T3D)42(rq-r|+xTH)@g3n4xUzI?fqAyT&>X)pgAPljZ zlZ>Ruc(o67PaF+aJ1kM@qOlDDPY}JJkRKgI@Oq{zgF4a{X&I!_M5f^ET zG;B&kJz*=U$|t%YTtLnkB*miH5HfBxo%(_@Quq+cWFDwm@KdVUGd-!<`?#7tjenT4 zTxaAJh@i)jHQo3gn>GHwWsiIGZ13Y^E1wTb3fJ zSSZa3g6(R#SoV-+CCtnc-N{q=eGrar%Rx$;r3-;pAJW)Ui`s{X(K7 z!l`@_g_%S%NdG%1Tlq5n@5#zn=ui4+U->iq6_+#Z+fjps4*f)mHsgiIpHhY1S!SjH zXzLTYUU>XHK))9rfA3)7i^vLy;TB zc8Y!BV~gi3jUsn&Sm6ptNp~W!yYha83%?_g4$B<6yYsme){8gy0ucheZ$PC4^rpuu z+}K(SSx@O@1cU5v$<#!QP$t~k&zMRts$z9dXfXxCUC@FHB#M!#sC=}a-U*RwCAygw zN=UZ?vC0QhwvY7F`k7(Lc4ok`t@qQrEV2!%MX1pgLlTwS5%7omzx=5`bOUZA`EUc+NQ??!Rs%@2&IFt5@&vaF_m7lZ@m682zSA2E|83P z{hfY#Cq%w-y#8T7t^c24$@WJBmhINjs0ya5gQ7WEWVzHb zE?(?gdv68dOxhdA>JDp8!0LoDcSx+xj$l%Faf+EB`=eddvvBkdDb*O%rsnMKmQ>J3Rf_ei1?9A zR|4`Q&!mjc_N1T!^G`Dc?ZA9`JP^z;#|UMz+a#2F*Sgr(Y8&GK|!O|!QcY%E_kc_Z@Yd^gc zB40V|ALys`iDAk1(12z8x_)|>MYcFXCq70fdC;N{rBS`9A1)plmWQHi)>>{S*)*4p zeKY&mzTT$A&k5jAH|@lq;3wR%bp~gP*#=%-DepS-Ud>z@%kfi!w%M?Ze7zu6UdD~{ z^#ZGExfjMJb7=Q0_UzKp^KQ+Wxb$rar;V&qnceCr_U;F#2I%EHc*NCtu93%Xq$)N_ zdpUZnFj;H4ICYOb!YGA5V3mDf%16KM;wmq3%U$sKNqHi5VRB2< znWO_d4X|)b`%x+3i!MFR?wEMe6k*}<6fH+$r1Wfwy(q6?Y^4|N+cg~p;V!O;izK6K zI^R$4gwVCFNp7i$WcQ0dmcw7|hm-QKhvlVFcSqGP!q9*53WvE$_AI7EICd1@3_ ze=dM=WT zNdMJ-dMAXgMS8heN9cfjAcy?h{j~nAVafJ81D5UI^wYa6vW>e-A>sIADd*hQs5zu7 zrlP}}P-!U3oLfOSlMctdXopoNc+rG1PyH<7s2rR)$C-T9`@0xH@4o6cg1n+Yd)$Q$ zPr)ZVS`T%GUBS6*l;@2j=U#iC;Ubq+6$z^7;DA-a>CAb$SQ`h^ofbPW$WHh1dpnoe zw1o}~7p+{KZxyAZ47gXCF0MX+Yq)WxeB#tWW;_kBCE#7zEq-55IxpPGy-epj+zCC- z?oKq@_8*B6%4CRV7*pv*`*tQXAl$_exj>@MWCJNjFlpmIq&C<4>7fw2)}d&pWAEsv z)wc~xu21wQ*VHYxPxsTiEHafoIWVNa+7(0kP(Q7Ia9FZ^ZosnrY(KrrBHOq(?&_qU z?}wAG3`@>m&noA*lP1|jurk3(CzP2VhAY7|l{*tmlZ88xNEK%yli!{0BJU2rtEc); z_!*3U#Li%(BRo-kk{6{DjjcI7RhJiSWT0B-MT2a0_TDi2*hsTA*Tm)8N@B&_!$G=5 zc~(<-Bt^StTT}=1J$nh2mKpQxy+JC9d)blA%|W(Dm6bn!z(kUOx^et-f6&0?*~oVC zdisUqepVf6Aab;vAHwVnC->D=vM=FcN? zLH3AQEzjXjZpy{P)~my$py!mNpeKW*pp&=f4jnjj&^UJV=uxDk@F-O%QZsnQBbHq* zQck)v%Qd9LC?gqY{@5d9;|3MyIr`{WsmOt+$U5a>yn{VSc8W{(75Jw$7d_AO`JV>? z20_Rd2G^Mv9)JHJ^x=iapXo;<6u0{idK&3y4wu6)CqC#BC@RNrEHF%P>O;Rwdmr+7 zk6mb2j?k;^-XvMn2DV6EojqEj`;nNglFFS9JJ#&P2e4oSl%@2lfO3Qq5qTI_oT zEp91?@gj*9Su$ZtzQl9%x|6r#@Nm&a$`|^K(X8XF@VIfutMiA(aN6arJ8-`7&>eS- z8wc;c`|e3$ft3SlPjJj%IP1uP|Cyc!M3~-LREnG4Csw1R0+D=bkj%r_Rx;2qvg|{x znAUtxBN;WV`(X)uP!-cE!iy@VMadrm(|R+#(wP@=;LRE6BcPuqr0H~cLc7=J$%*6?qS1hiam$|5#M1WELfNxh za}!GLu?Zx%t67(w=He7`F}qW)(`pv2sR3qVo@~0_^c{Ch-($8s2bp$}s%rUg+rH&g zYtG;8Hh?QjlgP(Asl0CcyOduA2(YRqq@MW+;5CQ;6$;4fucb^a$&mWcv&vRJP2iWDQF8#r=Fvvy)@lK)y zOZ<>8nI2#lc_@({-F2FCj@d-|a-^&)AVnqBkK~8oArRmfIkb?S0$-XJs?Hq1mS&2S z+Z=p}%$u?`q@y#NMH_9-m%Ti43@)D^H=0Nh=hTps0pG%t8>gP%-zsAPi4y1`pM_qy#nhL>`Qv`xowsZ6h%@~O^AG;W_1DT=-D;$LTm*q zAt7n_k%f1$c|b^~d8$MX|Gx6flTsS$e*Z zHt19xvs7S-?(_5Iszs?aF8qYvh5&aKV?m%WNi5M6eO`H3OJ+KRWnapO_FH(fQ1L@5w(-5=38~j zI#(Z)>FB5}QY0y^*Gj2~RBO;aC37S1JF7<-pIf!Ae8$tItk8zA-vXm#Ep&9>5|e=8-mq)Bv4oP}<3S z3HKAxSf6G|C>1>sm4YFpERTrGEMRT}cNS2>8k!wN1qQ05Bb}Ob22X`1g|LPh8Z%L* zPy1Y^T}Hs4fwxTCksZf1k;s?pKT|!9UW9A-_!*eZ{{7s3m@aYwgbFUQbc2*?JD!v0 zYtW*Kn%z$|JeWR75BFOjk8cV8(z-QdA=75^6otqO3a9|5P{AXo&(TupgQw4d%h1*t zAYj2;ZtIC6qi_ND%~NtbrmHFp(rzEhohL?6%^O5{I|Ek<7ICWtb|SG}qp+CI;yIu* z*mk6XmJ(ifRq((Nl{yebkZ4&Z17yI&m+)zl8+VLh+Ncq4q3N_59gzl2jW;0<=`jr1 zj4GGQB_vNjo};Cc5An$3gZKxr_=oXNFl*@+&?uB1?V!ZEl$c41_+H<1E+=+qBS56t znSClcJ^#nkjpb=1hn&6`1P#VLb$kyotCQj$lSxf9pm`OLJA850n9a|MNCejk1W7q& zMJ$3x(8Spbvtumu&&%`|{@n1H<$zET^6t#V|BXbY?sN*3`s^zu)lLH-kipG(BX_dv_$Jb&!zRbo018;PTp%sOo zN~%K0iCcUELnAMydw)%pZefl732RiphWQ05zNhlXtZ3zn_$LZ6QR}`VIljM`ZnqaX ziqa)MyOS#`9Uk2t?J&@22ZF$A%6&OE>)H+G{WqoarnG#0tYy8>c2Vg)6=Ij|)?7QO zkcxLA%c!lc86{J$5!QLVoFdAlm&50{9)6bV;paQ_FyB=-CAhO0<$&A{qa}P!r$d`M<>E z>j&aBxO`Tx%Q(zN0l2v?ujam^$LcWa%}O|hIjY2+!Y?wine6s1Rhz4epQcJ2ciXH@J+O&*=~r3NuDE;r$lw;d1FRk>O^NS+789Oc z467F3|FqXJ9yY%JN(iJ_JsnU)3`!i?XBe!X$N%$nz*+u@Bpv9JmSkpz#bE--|A@4Z zgZz5*LNV?iYxT1ig#Td|70@93x*Y>R_}2{t;Ym8HH*)?y8w0@mcrTyu6m=j1J!Ab1 z7(RjZ-|eCVv|J;w{(rKfU9tY(uKv%9fs6Th=!*1gc^dW9S+}jENtbJMt8nJ>a&%L- zp4_3)!}e^CseVI#v>u#~lQaWwN1kpu@w-CxS~8R1*d8J!nBirR~d zJK04SG%oHus;+nv^YEZtoFb>y>+FuP(SWnt9BkN72Ay82=%lwwu~<~2N_^7t03)uC z)`cTG!isivWVb$`-%JvCiLT`&1V0h$q@LYXJGpp!uVbMf?3FJbc_He_{XYZ3UrA6b zy|ZmaiP$@TZMaB4-4Bu8anx0IKq=PuoK`V=f!u%AW$ZPO`w3KCG2}ip5XhCIx{4#CmV zRg1dc>~%zjjk=2x?`Zerpa7R>1z5`$c9K?Wp!$U;mmF?Fy`~?sKCipwBU~dN>jY`a7&>R|LJQ z-*a&Ru=Y(q$Xj1j$%b(KULyr zy`HtH2Qz`zYgo~)Xniy|-I#hVJj*fT0J;Z6P2%|Bn85U1U$r>?i@lDkUU62wS|JyV z`I+3oZ1HBadRZ_YLgNXTZIP1kAbKNfQ334*tpfHEMHjn_u?Do?f~qS9?ZGSM{fEr*RAg{Ye&DPn!0;cEB61ks9JH$-@n^Mq+6xl@K^Ilf zAn~7|>WYzgFbCX25v^V@{uCRC-a=@q(=$f@XR5?8`jf0pJ;(`+{unFT6{Am{4D6R> zi7LN!MHz4cBp)zUiTB@+2~aPJRg3rE?RA`ojrR*7-is7R1Hx26jidcc!Z$y;20o;Q z6R`Y6*M(TVNwlg!`Ag{SKvqI-1f@P#LSBlhD~9qD16i65B(!>wd>0!BAo+SE?ovjY zo~t9RH!`u{@k*-1(Rw?htA{9o)>~N7u4w(x>A@xy3-Eg2bR}XRiwRLLj#Z1;5A-_L zdSzPqB8ZCE$Qw5>yap{1n^PjX1jLp*=2*hI!8V+L)(uiHu>itaR4lluRlZ)r?s}K; z)r8$|L)8^y^-5Rg2Bf_Byh|#%6hrL}uR{5Kc;h9HldDr<0Y2z(oRNf06W# zL$;ECRI%kRX%({<-2V4n#$JQle~zjv#_hpur;`J;ioZF2jtvFCJ9#@Dz3v&m{|8m# z`2AT%UJqdczdyr@cE#^=XNHjlH-PgYQJ3iclbAsDqFJ@*{^MT9ec0%JDO@X&>5d15 zt6~0Rj_$MjXGI$2gg{(wmmVq~3HW~d^$Na+EGzi_GAb~TH53Ds`dmYqMAe@ae3wF6 zy}|j-Y$zDMhsnK_F{jt+nCs0@tfst%Dsg;&2_vruF@f*9S<$Ze{_-<)7c)|YYZH$L zc%8Ad#NV^A4(nN8wfOsnUdKg0@GD>WkRJe%34SnpKRidQd9Yma30V6`i1`C;GXYy4 zBdy}G^E%H_?CXkF-Fk_cm%EIpCT9L6R9!KqJ~)tdX$WWaVrh#F0kCv)aOZ(C()6-t zBz-Sc;z-(L#Px6_kknyCyCUg%Lee4K#}MG}P}`8G{gIe(^0Qt5cO+&M^4}~u6480jf~t79Rj^DSFIaak8bLw--y71ypLQ{hV4e)9Rjp^ z9XQ~VQ$cK=4@_Eg+wP+#B|#hLNcE5F5Q{AL0TwWwXO7pckj@Z!Pcy131nOAj}> zrZY_y^SH0o-ebRpE2v#1fye9MA|2f9>*M+u({-cwhxsG8=hQ6M+q}poTrftvTH2NO zW5oQ;xI(a~{N7Y|aI>nl)V}I(6@T&z;;#BT>JBbZz;zFvD;^O@9A<3ovA5cLPqAxh zWoP^`4oef_j<^XEw|_RxqDS|s;vUdqGrTbtR}_oedxJ{h#d6w8`}mdN#7GV@S}$Zo z_Xn?w53D*U{s_OSw{4G8-L?L9acgWrJU``c4W3kScX#`gzZqW`JltIA;(lG+v4%TL ztL`MOASH>EaCh4y>?TopGu)0-{^){Lx0)s{lSKVdoQ=f|hnSAx#}?j90kjwKGbetw znpOPT<~hZ}oLO9?w{DvS7yfngj^ouG&r;qTU+Zskt)fTQH!jg#q-{Le4jGplxG%Xz zhZbDW+ryvW0#x>-KsQ_#n5J0tdYh;~s>2>^#Rfd5=@oEcs#S%-_&M9GhCes@yR0Ro zqotd3TW(Njqrb6a&9xRlZ#&%~2SK3(?hUTt2~FpU7WJt8q`#fr5n8b7MW=*PZGW`o z%}?Al;g<3D&C!FvQouoo#Bcsyx_r~7DNL0Q`TECss zl{^HsZ;rl*RrYsMA6y8^hKQ=@Q`_HGHR}s4bHRedOZdIcs<-{?n^qCG&KF8n1ImGB zaD6o7K$norqnnUOxm3WW()sdI+aB?^6XF!)BY#~P8nunCvn_;L2f?xj?84JJF8&3X z9qdUsS(c9)uGK0zg{2zl(@tv%w^&=a?iqJ@ikeJIieBMTnO$#9v~X>UOLs-1BZA9K zfi>9U{#JAbHd|+V=TUr{C|01|7jFAP+uu!pp%Gl4O}DvXY=~M3L%yYHUJidkMR$=& zL304DHcX&~y!0n`?(?@dtVRJsv6_$=*F<_UXM%UK4FAQp=QZ5vsVO{mCmYM2jZ0&l z=E79lzmZBZ22ir#Sy=RdxwZYxcs}v+19w86+ne*n7X$+G3m zvo>J!Q?^&DqOnnU1XvNf(sQ%F7dlxhgytD`0N0h1hFtY`y32LXTq@Y*1-pv>puZc) zueANGF7EU83U6t_u3ZS~diIFkDAafg6}(<;pcuUP@-ftZ@T_B8?wbE>Zhs8-J6ua>_})eug8$Bk>&1ngIK@gIW!ZN)NlkYtMf zvTkf6kO*jSxv5WhIhY}|tv2UWLxp5TZ-_k%OOL7)^A*N4@oV{`0SAo0b&{XA2RJJ_ErOi3zXhRJmFo!H=cXg#`BM;bVwbsZMi@8C~~pyVaMCTJ3~;C`?G#Lt?fN&F}h1PB2HxFQyu?Vah}?%A2? z(R2^6O9&BVSqTxhZJ8WOlpHFmk}cDgD^{YEQi>ENj-^C$$#xXkvExcC6)jidvP+UB zSuQITIp@CDuixvQnV#vHSxW0zC1R($-{-#j?mhQ??|pXQ#aDl@f&I_h?vzcdv@)sZ zawR)wI5lrLXJ@NLqvY0JsExh5cCD87Mk@Lh$F5egM$OxR6j{?MEB!9G!K?_Q0Ugoo!&?$Xp*_f8}wUp+UrM!M(uQULHAO+>sG9V zstXQKi#J(0hgvt3E$EJem-szU(u@4paIRXG4-0yBxne9*nyNSC>Pz&gW^Ok}%`N85 z<|cEu_p?*Qk~@{1I`0@2XX^Zs!}s1bb=D}`j^)}F%W$TaEZ3|qOb`$JhEFV3P|Ov( zvOERqoheTBR7S75wo@$@^~!4KA>%V}DxRN{6$d=ob8=&K!Q9{tSf!k?qI3uEDf1Ta zz`PZVzYYK0j{o-IzcJzmSV{z=t!Z!)9fscY#v+}jr5W2atE7dg8Ef5t=HO|!rdQ27 z%?ZiC)8-y@6A12yh-T~PP20nD@)F}wtxTf75X(+P z6L}*m#lj402UNUVF(9j#jT+^B1bL79qWqz*M45}jl#ta($4r)2XGqu~Vx=X`UW`aj z6dR(?B-edROt$cT1g4QHDxJ7JERU0dwRP_$qwVI5PJ5dna1-DatH;|))v~T;&xXog zGjA>vFN>0wW+5PWgb`dvZG=AowbA#I+IPoMJ51DaQirL+=2X6`A(b~UDgmtEs%umV z7O+HRZbYwq@fW%oG9KbKx=6~M2&0e2fuL>`t zaUW!I!a9sVBNJtPKLLZNjX%f=KM_}9slLL0!7FU8dqOxqfP^oAvX{8w1?mh7kn&md z;o!^0{Q)=Vr=;$S&8ahgtqvE68J|a$zY!EX$Wc)=UOdVQ{xGJ3&(u{wjYkD-H@)q)8}x7NHAiM+j#$C#uR(noKwXy>YAy|#rh0fwHVwK?bwFIEc$ zCK~2@yi~@uvl&RS3&Hrl`JR7V!^nbO`3Xq7kD9wVNg(k-Vv_<#S-a$_!zy)LG(yU; zRME?(BJZ<98#iotyreO5tVJu!Y|^-NTab_CA(;$nu5Iqz_7Af#aM!MaWF>22*Gg;Jx5rt zr|goUU3Mlly-)}@%BMO7UgQ8gY@i7s4QMFF{5bcNC+~C?dZux3x#D3O?SWu(2KtqLR&OsMN=0IHVARFiwD6& za2xDV3wE-mQ8ZE*T4JQ_DCD6;^ywADK+mDn%X-Dq7Yc^M4OJS0fM6=!{+8HTJ4rXW=J`FgHjzR}egO#h% z=eJ-?iXj72LGQtCN5?eU$!{lmMp+ZRVF;>SxNPKVY-F)(_Cb972c@9lS?5Zj^nFy0 z@;kuaz!LS7`UEm_P{}tID>Db{WhSp72MNqwwftWE%-@E8BE6mealGUG>>clo)&@qi zPGb~{6%lWuY5e1N~jBS za~VL&ur8;=mce3KrE=BPg2AFTKR-J^&+xURovs$otZI6tqOYca#g3_$4J1gHGLBvZ z&|^|p$_Vfso1Y&~T`>Vg0Ots77psm7q-C!cEzF4pWNS;-Wq>c}pd6eQRv)*SOBK6X z%1yYHDvX<7CkR-bpHGP*bwD=}NXDW8fuM@)heM{2PjVJugu#x2zF-s_ZKkNZ=FI%6 zHU}E!t{xcIrsuBBQ|++JDL)bH8I1-&AU8;QHfvXMR34{EGtp!e1T&Mv5P(yyajF;W z6;a6?&1bI`uiZaAkI?}2j;<~01=NEn4Qe23R+sj`yfj9~d(y*-ULW(N$=vNvjYqtp zf`z$;UQmt6027J;8D^CdPDe_R)+B01NY5Ul)T4Q-79+J?-pz4>rqmLpGk*#t2-){W zV?#xn(d1~n1Q?^{(eR=R5FXpHJ9mBdrGBh+P3QbFhz zrJu%>;(od-ns>)yfKpAAYFY{f1$9oJ)3SrS! z=RbhD1NFMWZ?6JhqOB?UPATr!x@zZ-HOEG!j)Wv12n0-$d_XDgvt5zgH>ngArL3Ki zNB$_)zvtvgjD;u5zkmNJ2%`asggq)~v=q*b&CLG&8ciLQsggPYf^7@WYBg7PmSMj2 zl#-+9&%gZsUYchn3bS7eW(}svwaaYgs1+@?qDV{U_~O7Ak}VW97?r??nYw$md`-Jw zGt(<$^C%#dGYYWy6=kA~5)>M!Fe8-z9h845O(l#4wr~Wi;cmq)Evbrma~ykw$iAr= z2bC`T<3!RxLof8(@8b_MYLE7=Cls2fcy$UG*3prm&qO=>mXyqY8Oa=PrG4ZH8gy^R za-fh9Prty_xv<2D#%v3}SBm{XS1sG$zDO!{#y9270xqd3A>kFR*~wa?eo_kGfkh~_ zpObY}2#KO}CPAVdF-VjGi3B!saY(@$wo;X)QF+0!HLMG^Y&JFcxNzpq$1%tG{1PBRT_$#lmi zQ%}%z2Su}$F)UQc{X|R$%545+yMRutA7ZFqE%70K{jwHAy>Sg2qMU6=5pMlF>axL` zMQowc48thV7`?7SYNbEF!CVh3Sw&zxm@2v#q7W!7gD9Xc#;K%KN^fx`W{s>AL)vi`@2#Rg^c(%Y!)gBWfEN81kF+kc%rLz z{LGJ#iYkqY=gRi5Fb13%^5st{Xt68q*sn88D1^szU{5@t2vOP97;uzoR=VQP)-ZC( z<-#cSNlfJ%L#7fl#uUvMGYbVfyQ~gR_b#QKF#zfuj+$hzPG7q^t=*~387t-V#54FZ zc1;@>d}t>rCmwY_50*F!&9OVuo#9FM%r}1@fy1>u34n6Axi|~ zi);+KNW&Z~n-hNM$B!pRfw8dO>PRl-)@*<(9A<{Q}4c zRvF$&IzZY1QhXIzOv~j3?VXx4cI~S2>HvSG&0*GBu~$-|j1E4^%q(N{71c#si51i< z^zMgCM4-`s2*#|fM&BCliO^QUTOr|(EYh%%ZKTn6@WZ`UQKD^7Eru}Ui z5F0vX7Gi5RMFZZ@7usGIup~tW_=JSQZi|Kc1M_3F2X4^j`b5E6#$twP;{X6VJPATe z*yKn7(P_UOlMY?N*Wpe$s_6NjNAx^A+7%$-NRV)p%zqWhETJw2B&bFP5}#a${i!rQ zo^y#8H#cqSV16F(a)60d=hU@Y$GovC>ZX!Pw=@e;E+;VycZ9(xWETE)fYF54IKT1q z$;{Q|`=_t@hT@2|w3Ox}Dz3bAR_|Kc$t;rv&Z&p*m0atJe8$|AQd~T9>u3(?Up>w0XQh&#?~3O8 zyVG-NS)*-DVp*rc_!_dT52}_mOG^=|b=6@&X+}ksbWEGj7R2-P1bZ_stz7p71s3O5 z!1A@VIETU<30a&w$l}n7J{#hzvk7@V3TJlko!%g35Wm7!BYQt}gwJm6NLrSoSP|+HHsMvitEvafmx5uTn_^^692cfduVCg=cCDiI z3_IEEpCD%EacL{3Ql!lVvbK?Z44QEXb4hDh!7l7B?{FvlQgrOo5giNLr(1pSY0g=p z%x`X*M5*jIBbBvfm54%Sl{Sv62oz8FEk5DR`dg5FQC`=sM(#r~9-|caLOH zH1kAn%2T-VXI*jSOs|zgp)8)kTYLsHH4^OUrzfR|zv-%Rp)KGjHA#%eUCp7=Gmh$I z-1{S7Fv>VvX%unM0Q;Lpg|0zhImchj4Iv4?EJ4Q}X=|7c+VdSUHrTc3Kq=jW<=Axb z5Ki(l2GQ2y{90G1aDRJ$c!D2YPX=M4!`%%%?r3zWVnsnN7tlBsO1@)do9*w4{dhL z+881DcYe}1e>6@z@;Ywn%xHUy1!FI)@`QHEzY~PxA9MhKoj$_}W`!EA9oePJ#)`1-MrD!}X_G=#i&XAo$F-m! zp6QhTRc2z#r6s#G5iX5sBrA|F;9^3m7f|K}x-R2i!FiW46 z%M(XUx+`^xE@(|0)hh*?pQ9!;VbfYQw~qn1)#x8g&eR|L8svQ<)KWZ3F`G{$W>0f5 zdkTNJ<=4`Rp3`gffDSH0Z=uUhpgyyL(;#&sgakVT?M4v`QaFsRB*M)(w<1Vqza`zP zk-8+NG*XW%oNkxV-8?D$3mA(zyNEuhc^k{CHE%OsV6mZKWi7XM-5bKAyIRJj`v1ey zy11NaxV8LM6wK1n@&#Rxt3Bt9;102Wv(NlK?lG^^&_QoPo!Ttm$ZJ4Cuz0ks#bxY~J*N0|%JN z!#yGY*qxt+89lnOR%c@TFHI2%Ue>*r%=(|yrnXVSNA&;BH~{6?7(#S< zt(KK<1tXil5kVvSE$RApq^#yBprF?`8C}hjs)(HkFusd|TL1>d8O6sIE{vv)TN?j?HIR*XK;E~BG{FRI%3UT63kq!~|yXp(EuqS}J+|JFkLJArUmB#e`datwMO zjAHi{cB(nJX2~Zke1-GW(Njl*F?vG?PmvMiRSMZsUr82SO(a-8a9?49RR`Skx>vyc zzDQYZLEFzVx|%2L7+Ic2!7Y%5^Q2ASex;Mv`8D(exIf(q0iRkc_I{?v?EP{lt!tCL zn*-oJ7{GSuoz$(@Iw9k$YsKWRx69-xXh+q$5ok9^b4Y@A`%osC7cH?Z>~>o)FFAI< z%z!jYDCp#hFiM3+y+k4DjyOY+n$zB|f6{B{c zTIwsQSF(Eqw2q2zs(ptdZ>4J~+|+;Tk0a2PH& zi`8NLkH6ow~)x|1UDSnkVfT|9=++x4?hSlQ!}H>z%aDuc0US|JR)m@a?r?@89&8 zy<3OEg4kRl6ya%;z3{9m@Lw+4gkMVS+S3UkqsX)-i(?uJZcB=zHXy3ljch=JG(X-J zmPu|!i)ahAKhZ)clcV;h<&9*``9y-` z!}QyjAl1P%z3vrE=ObmcrD;oyuI5QQhUo$dZXw{DCvC#?Pj%8dzlNT`^b4I3@V>QT z?~6TV@5ei7U7PHUETc0g`n$+KwFK{wx1ml*`Se;b`qg$B9R=#BYBvJv25Fist~Wt3 ziAvF;+5+s;Ex48#uxC$TQ(SsJNiW#8x+i*q{Q0q=H7@+I2Yz8tac!vWo83nzgIst@ zB>zd|JCMBnPWbMArMFw2Dec&cZc$$uOR>W-+{vNhCQZ9o%CM}4a|u34Q126!s_&5` zzFJ))cPP^NAe`%3`=hbD3_g^$9!qn5^TrUG0$x+!|Ccx)1m80pd@P8*H+WiVfn z5h{^0a2E+u8(OGaHet9KWwa#ViVO&FUxE7ZbsgSN3<8s zH!9*lgmUCYnwKNMAUH{9OZ&`xaQ}PC-FlS7tbs!gIBdlz$jVlOGoem!RX)Yd5M6Uo zER;elo$Y3K>TTQ=sc31q{4d&8t}&j!S;-h~rO@w~6td6EM5^xNeU7Pm9p2OH-r@bV zNNH{1{WFZR=1DuAle`NBx4?VOl{WGI#ZFr1*U$>@<@p|eyewbHj{jIE1blR@*!xP4 z+52iIt!tCLQM>6gIr>_%`u92^=1XhE>Mys;>Zm!5s&^xE+91sfKZ<}VJ10tUTSiN7 z(K(4HKi>PXN07-@b2?z(g@-1%8)WmJSW|V59T#6E@99U+AA1Pb@$G5>Hz%22!rY{W zQ4G6Gv1(V@Rd{wih@Ua%aaVH2Wh-l>O8l59U5!9cFc2|wVBffgcy1!I+0z8Iru*sDJz~Xe?#I;jIQQMJGLsjQE&^Z!g&(5 zD*YrMg8TeIa{f>!E%a+?Wm#e;XvaFK_@T98?TOA<+w_F)Tqmt-ldaM|#~AElCj{iz zioJG^+56s3TGu9fqn5d)!G3=y#JsRptbVCoR!0psu}8(tMh3eDczQgiw8%B?Jl15P#dLA^Q0mUjS@Lz zuu@&9;8K_pg(`Jc#HNz>K$TaLwO@l{&<$ z-J5!-;?nIp3gY$%u1FRN7W_R^@H13(j_yZONoc^CQ;(h1-g0>6u7igr?m9F*t{pru zeRpd9Va)e=_*(KjO+Fp&GhMelGc^U0vIZi}l$M;yVxcn0{M1cde#_yhWpHNtZe9GH zEaw&D$cKRPWEP02qE}-TZFXc z0O$4d=z0x`^9IoxcwMM@hda?|7H)3~5i*)5R<*JUJSv)S0(=R%xSmQ2#k}DL0Rue% zfi7ZKr}Lvw;QXiHMbZfS%l!uFeBfJ{iWSBr@OF^@CenyYir&{xz*#7kI#2%AXUhmv z3*>v0o)G@SDB<4Wl7Wl(4;8HnLUuU@jxnDz^^$Ap3@;xlIe>ZXt#I-QgkM|)q@SYA zHh$sL(2mO8wxf#oe%g$DoP{yfj)@SMlY7bEzxK%SozHviXZ!}|^j z*}^YrET`L+B{G&i#7?jd4?(Q=r~e-?R&elt^|Y=TS@)Hdd`E!3CI44;2h2AxWhBQ481k%_JL_tx-#Y8ehV z4)1hD74N__Oi@L0S1(lYR{9jDid0~|Dt=Y9JVV^=LojO#o~0GKny5*2Q#NxP@y@nj zz6S3ot_}}9dL@&!3mIDXRpxEJ6QWzL)zapzmugYBCtg2G@9mhIrHBd#uZh2GtaF`6 zlx;OYT&5>b!$-#MJpChwr^>>MWcVzy&#im>JF#VicIwg$c!P)da#d6b*{8 zJ%z}}&J>?oO?4alcoI=iXAT{jxlgaUHuopE`asRxbGo|V?Q+VdRa%)uxX?-EbIseS zJY~Qa0uve~cTaB2$w%VaDJHZqy?emHKy07JyIhiBrW?935B6HeX9DIj;~PQ!j> z^fQ^l91-d~&FMv}V9=xn#XW|% zzBnyb>>@6eBic6_f)3Vl)nXYLiwI3fqIb?PmRZphZ=hlnjLR6-WATMzZ{egG1?Yua z|3Vdpm<}tHj3tQIWrIq&s4nUKk8ArDPJc&tdW;BdxKpa5!p-|2sO?0l367VdHp( z6EZ2Bj}eNpe?Qk4CVjlgfk->try+{+{irc*aqTqUo%FLb^BN0PC4S{FC`GJi{G}aD z@Eedp!&rRI@(HBCB#6q&4(o=OMu_iV2Sx9tms@PW=HfR9Gu~P5nFg&w2X5fjeHIxXn4i<;(sOJqF$WjK`{(vA+|LY*;$k>D-6V`ZKEyb-~{%go8{pfj{sG6{sx98YrFtSv;9`@$O)+~LW zd*0n0_8J@iGWUDyVbFWB55x4|VeCe~?yMWQDjiIz)DD(&qUhX!deWaseTOpbVYU1= ztEG9TQm!vh^3nX~Si%9#qdq6iV@$y{mB!rIkaQ!>t4$Y{$r}U}PGu zXYZ`5OiZS?N2pNh*cquKo+sNW^=O_5V`pDN-e{xbw$mx=U@pc4rk}Mqo;e|biEsRG zaoPG0T(&+}CtK;3@+J|M&C(JBJIm#xdP4|55kPoX6*K_vBP2u|ya!m>iZ~vlZ_SZA z|5dQ6J=}h@`xujf)*I8Rr%`&X_F}v; z`0zYWnK(S(%ZhDF+wNjXTdK=VM;k9;2!w3ox2b@{uzUl0$A{&=Xwk>Y!ovS%Nn675e_a3DSHc?n zeQ1g_LU&NFH=U|RR}&bczIu+n}wXRx0@Pc&yMRu|_9bba9L|dONaqH#JB)n+vmJ{n@358M9%R zhQ;2!(x>!M1(JAO@>ffiDHERx9AkyYkAeNEz(Xu)OPh1ciTHB`0?=EglW6&_NF(FP zU0-PV&ZHd>-^1Ono;)33mOTHF7_ekkf0>vaAZZ4ZXL?;_1AzP($q)xfVbX0h&W80j zJp5b6WR8LS$feSk^f568?j`}?82G&wJ*dp(zQdBX#K5~dJPs;=vE%#_EvI7ze0@*8 zC(*VxC*Qoo)*3D4a8e%UO$=l*E5}W79Jui+uN+Rwd|g%906=F+hWz2AtVPkhr(%UH z35s55(WNmcnnTv^P&DaqQsKq=gVM8%(}2>HJaDdbDSb{1rk5!b2h+z{@nLfsMH_!W z`4~&u5=?J>tkq$70h?{4lmPipBMprwd3_Bh|4GtLSZjcMG#F0OwS~kuMVb7;WW%Fa z$9hqG0|5M&BqJOE`-uicPd*tdK1rbOH(GR74D|gwWbF?64kesPGcK$@(EB*!F+eYT z42xbT2D{&*OdRZ9Va3KHhYxnY%#yYQyL&pl&Lc3e^8zF^{%M3Q@eN#G(D=2aUAETH zxGb>?_py>gBQkMl?C=nmf}Ne$-vB#P+Z60X$qIIEp-)XW29sdtFiMJ>3B+LME@XY3 zv6Hy4{;;#3@fg^d;P4jZQF}OEi8zAf)0Bw=YagpK9(R0T{Xu)cdR*M5YI^guor{bD zWqVYbgxvcg42y62`hwhhlXhmjv~<7wBNsRM#lNJRtt?l<#m%m2Y5=cU5*UARla;OD zs}U}Bz=k%9uFrzl0M0j zwj84FYxDB9z{$?A;9BOgvb!IHLw(^Eb5Tp>WW$E8YW{zim>@vK;1(EJxkJ9n+2`E3C-`~FB0 zFAwDI9U%rC6H__LgECsv)C3UzIa4WKQhq`wqTt*d) zSbw0qov|69y9vH=l#ZnLYDdPahCky!M433SZeiudqlpi!BP?l4V14{dZ~gWNXzh8q z5?mjSFfpDT>kC|uCGFsN3F>|oKm}Lwz?5{*%e*-GBVKal)EHdl@g|nO(^?t;Yl(!# zUjblcE819&6{IAC*+PqMiy6#5gRI@bYSI+|&W7~|swQJHKy}FX3Z`@=eM=0i9%bUd zYOu27k;Dhq1(viWu-VZzKK33hSNWzOdL*MWyQy%jSr`vVM$xU>G^YO;jmF)?HZLXf%tDD42@^a z`U2wbCGG6B2IBc(K|s3WOpc0yCr=K<&aQ*$QZFGqr@uvyleJlfJ&7^6{jd5#QV0Pw(Y+61)Z{o!h&% zKe1;Hh#SM=g8>$ISV03ATqOzNBhrnot?0_tSkXx`61~!*qhdy)??u+`;BPwNIw^Rt z{$S5x90u$S3#ZpgN7Bc{p!WgF#6hpj3Xew)AM}bWX-m+%NT9by4!H$Xu4x?-U_TyV zZakaT7r?%fwBy$rVE>WCzaXSSVw@E@Io!_9k*5)OZHMnGy;w%@AUsCBVZn2Ivpe>u zdrMLSfc~!}VH}`G0$=lrdjEc`1SY}h|I(trV{rOUkhMFUz9%V8i+)^(aQ!95Xu$RD zZN&^wI-7DP#`14bCXVG_WHrZwl#k{Ai6w1`<)zm*o`Hb(*SlJY`29P>T@cUA^@aF- zXj|Mwl}1J(@mOobUk%_@4M~v{^Od~*AiFc~vuArxO#{HclLU+d{$_=81qCKzMKB5E zkG1IV7|6dHS-XS$nS_w9GGqOX(Qjw02Iwca)IfO>!~G+aiNpO~R%bjy`TBedOWG3d zC&i@(r88QFh}q>O%_iaYQiKKZjq#Uk-VcZGJ`0{o%7O%t7N7K0B4RYpqti4`>h)6~ zoZ88aB+?({c|L+aQ5^PeRAS7*O?GLChuzVmcbz}X%lJ@(GSsAI-dv_CU*gF{+(85Y z=G;TPyXHhw#tn!pYL1!@asf39#PDdIbpGcM^w2|00o`%J@m#z?#EH|bQjI4WLL?SC z(@@KQ2tDQvBOp^&c^)d+h)id!)UJD5{GUAB&UJ5l$%eabcoBCU{}re+A7EsSnp@1> zr&;hm*%)sR2c8K(;?BeZ!t9AaN(hvMkd3z??hInjh?GHWp8AygkaFx24MNQnxUtFS z1_e>v80|up{oWvtS6DO0DQ};*&5y5_@!y~Jwumvt zc-rdP+025TU8b*2joEzfhDFgqAZ3Pz^6->V@EOz}so8z~v;x z7_2%X(SSFQGZv~#C~q4@?*XHb0$~-4ctbO%tU)cRJ?Cw+N{9%ZL8L4@hg3Chr0OnC z+%w@=_`DfKt8)dT0wxowS-0kG=V7>%QU+KlHE(z1OQeYW?~;6Pk zMDClzA0nB(9n=N~j55KZ0@_sbwifi#QdM6v!0{ZOHyWjy_l62WTUTZY_+eX-uk*~as79?sb1^&wfQU}Je7ZwDrf{2V%;CA*V zn3u{|Wyh%I?957$53YB3{XyOiHqD<}$)^bNSp3zyA)!&O}3eDu;wNnB(3S zGzL))ODxVF3f<}_%h0yIQ-ikdqF<;4F+?f+A^L_&%c09RSM)2vBSds3sT3p!AZkJd zitwy_YR5irTiGbfKt9x%E%asqLCQ0v8Qz;Hyt^|qHHFvCWO>y!?b4)OS(>VOH&RMQ z08(aL1B(ezx0*MM_Y=1tI1GMnt1M-viyKGb@EyG=8bwKB*Ot)A- zWh20TXi?5JYbS@j-H^#*CQ#2H5)opyl7w9Mb~vjgS6|7P2+>%eFpV{@pDakt+u{^; zDB3%!&}#>bdINjrkC}oEROGDPoi%mPgYM({1}-xeBKI-^yj_QA*jXM3iQ~X^NRORG z@HohT0EQa~DiEtOlFllU@RExYrj7j!k{~n11tSL)UIhuJVYsN|#w=1TXAIblLPpQ! zD0U+wdnc7lU5;q-iyYIgdz*~XvPj3Ck<1dm7ZVuG_%4WJ1zTXbsI zYTgZ@w-hIny+&z^;vwzzO+)h1`JFI^`Cs3-VT0izB>bgXevIO7dx$EH-#1a<-zpnR zTRB$75Ea0Gr}MuGK*)cL{@D*(oWGTddK>+su-^F<`bANNtKJCZBBMxU@O;-D7^`Ge1Ztyv3VP2B_*GCpi2+!4j{u2A3bbkJ-FaB%@a zh(k%=7CtCTHN WbEF?jgmI}H0lSZZG}x#vO#VM#GYISe literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.doctree b/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.doctree new file mode 100644 index 0000000000000000000000000000000000000000..c1db04d714c858b07c5aa535bf11e2af3f25ea29 GIT binary patch literal 66161 zcmeHw3zQsJd8S6vNHeXMWw0>FGKGy%k2DWG{J?`{u*R}2%aV00TUO9WJvH4mQ{B_u z)$Xd6W-Ke%U=nMoT}WumBZ06aCfVfdhCREm;XoFa$APdc;jv_w4cW6i7C4&|k_Ap! z60+IvzmK}Ns=KSZ`r$Bad_dDxb?<-w```cn{`>x)9DdunHA8FYKYyEBvGe8SNi&x# zJ2}g(`y)9gTPs;*um0Bh*i-e(^|U`)H7~kOt(vv!{u-pn+WBIxYL)Bf>i$+r?&XW_ zq{zR~wX$B`DF@l@VS9tU@mxJ^kNU%2-YZ(#Cx3U@^0H=e(#1dd^5W!S%QI*2bG~X4 zmAkEqRn8GNL;@7nKWr@%Yn^9&W1ZJxL&XHoAhg{d%>j(CSry04drmcPxl@aI&#ui+kW_>y zCKjq7bJ3|TO@VuNigP`cF>9XV)=DL_x)OTG2$4>8DB;Pf3*lUUY;A4cUgHnvA@*gh zrFbLSFNHAdm!TBl{J)vZK!oD6Yh$^gyK4%+hkj9s-^d;lw(J)@E8q&v^Rt%^2nAJsh+$dR| z?c}Bn*Q*+bjNK)NY^7G(J#OsTvviTtj4@rMa<;K@%yQZBm^N$7_y^A3aia%ao;G$f zN$kFJ+_*#Xm2oR()|xhgB*yML?}VV48SU_gS&q8UY*hUiSF51vK?OM>z1$&#o6-&+ zzZ8W>bP8sunf;-QbyII^68I@9wKi{sQtFBP(dANcn$-i4QK?$c^b1y<@*YLrBf=0q z*pne})tQo--m2{;D=X7vGf>d-qTwt=RIVlHwERGJGQ^Z@GjC$RC)v1!Oncbh7FO#? zDfNc;stughZIJdiL0u;xMpll$g^Fcbz@9B#@^-;qA~BbgnC)V~@F-(A%I&qSL?_v9 zoj~#bR2=^!#6M?#gji_J_v@PSeKq477!EmmR<)Q1T4~}Q>)1Sn6-g8bDC*RP8MPqg zc2+hjkZ~#&9FtSk6A$f?Lc%X4jo)Z34S&dKw5WHZ+V5mK#Tu93DHCm`^@K07H2$Cp z{6JiR<;DX46)&*02}?zKI}*MXoV|nh2cX>7wn9N6vfmFv`M8_&U&>5fE}8ah2obg?`y5g^M@*pQu;5V#D{|_wLsACwI*!OHB^M~ zlPaPlwGQyaIbP#$rd|)QDzl7!gr;l43GeV(VpXZ1#+0o)=~0l&IVCe+uKQ~%EAZNQ z;jL8QsfABLXAf_nW|mjyrTClh#;sV{{6aokzv7PqOiNC#M(%xU7~}}(SEjjhIzbTh zH>l-bqdOJ$60MuHosbJJM!z+tuC3+#9@Tt@0=+n-^rEmkp7QTDv>@3lwP0JGZ;7Ye zn&(k}L%z(qq#DqrRF^~6Lw^BeIXgSWnxkRo3naP?UbEYGh)oVK;4;!dYYr8P^8hHIovP zkE)nbd@)T`Rut2*AlfJV6^K^!jHJufGTmWPuNz|#xQ4o)B8TeC7cktahy1_4p_O?S zHd8G(_#+FoVv+e4`wf07<2l(3+@R;y3vZzWZ}_D;hDh{Qq#;wDv3GHnz~XDj1Q`nR z?oZY!do;9CYO02OqvT*0t7gU4KA(9d%6Zt%yM{Kv5nXGehT)ZA8YL)a{(@P}o1SH` zzh#g5Zl*zf6(ffZ02`oTlxTR4;mmu0HN#AWD4LZDb@}F3K-?_5l;5*00}LVi26CL8nAMC3j*5_{HdKF^?3*l~kqbV8CYOi2B+6=Q1L# zUcQ^Pt&){u10!M*4PzAz*SdgSMA68J!EF}9CK?D4XRM<0MZ8$dU$DwVn_lP3m6~VF z&7GN><2}i=y~F?f&yxf-lmGRIEn?Vz^@8Jg7)DtcI3o+aV9Z4*ZS&WY{H1XZ?bm3% zKSE2nA{x@~2ku1&vco7LpM&$u=Wc<6#JGW3fq%4bBW)T46@H5t+gYHx`Xd+}ImHWB zuFggkJN)^<>yjp;Ci31`%%hWS7Ih&HGxZCkd`6@2@s?7KikGVX?^V?SA{dBHYNVpf zX!sXtDI)bQBDKq3#iK~*z}toNYV(C(!%x{$IrBL@9Q6ow%2w8LUCi(hhyZsk0K5!< zkdZS1g@6u@55ZW5BL%~>vT>qTI=Nz))vCEd_~+VY#X^E~Ipdn83ZQ1(C}$+#jm^!C zr!LwsF#uu&DoZujGv+P!dLfVLA_Ib!z3@gjcP3wjs&{11ocL zDM``pr|{>BVu4#dQpg?z9JDP)otijeWXlTUuCaS|2 zrQTTxY~{f|qmRZ|wAO_^C|i0B|7uZR4X0#XQ|g^Y?odzld`W8%)XGT6^1eX96wCWG zau4>za;U!%<*bwbM&Z8__FR8#LyYrYizIvY9EUPm&`3C*qCx9I+^bCQ*<;)T=b?>5 z^kD;>7@I_)85cIMWq78$1V4?@jT*U>#NbA>_u?G$MU_f15C6pmMHN0?D&^S(Ijtk% ziwmzuPEVF#RReEjo8G0$Wh`sh>E*FG^fgi#u3#8ag^QE?fr7>Z5wk-1AEW$>X`(O| zI6cf{V6^6x7j?tDE>1jBWv^`|K}{Pl{gs|-wx@HI)XI#n%8Mmj zQdL6AD{Hfz)kgoM5&zAeDilJZD4$7?Xmbn_rNAPAO%CfOymu;X89mi;%znVO(fuyE z4o$tV-n}*xLOtKAwTKa_OC4LM=Fv>VMLVChDJv#XFe*pCFr~|}dYSda&r(PH-1+ECQ}%UU~mt_8s|eBwYZLce}xUS9LzD5ix@5$ z3$(1js@yPV#87YC!0rGpHdG*7`#F^5KsF25Pe4NntIQ^RG`X_^sg`0OgFzi;eM-Q1 z2vs&i(OIMsPge0l)gifLof0xyxfCC4iPBv_Z(7*ixWRr@F9XPF)R%wUGLB(7iD@;> z9%Y{gozM*BBN0Oh1LAdI`GvJd8sZB@jY40wB0d=@q9fQOzL+1_z?D>^7tgZ9@cV+*Wp1U@ZFy3@ur_46V)meFO_X!Weg;hR%X4ATGHz=7&ZV4loTCIt4pTt#O6>^mrF{Wt5 zn3*p+*(JSudc$Jc9Rr}wV&7Hv(*Dbr_8WVRS!=nHo_HKz#x5JO+%gt&KKG8@MKO7Tjb;x zr7fXyG>y0|q7jAXP|0BM+Ik}Y)scKklW3;?K;uMy;e#Mt_z?Z`@8};ArZ(|Td=x&6 zcVfzYSF9Z3Di9idORw;FfEq)OYndNvS&L@#Z=z>UtTGq1TY80dt)MI=D()nfvNNnl zF9#bzLp?z@K-K|Pgo!Mq)%1e#gyD`|zNEd{$6pz<7`0ZNB=Ggyn>6>bTAmB4>9_2VMTrPP}==kr*^S)m>}c9pKEKBU0*g|z#G zl=;|P(C;+$wN};zkFK_2Qozk(=@s2{OjMjba4y4o*>b%yfPj5T8Pn|K35c}y@cEji zRghY-B~&ww=+hCR3PNIxk2qn*cYD_&(pYGyR|NeaOj(Vg16sakTe42*cd!Ne(YIUc zP2rCi(cy1PxD6G6L^)0ZAUA~7RtJzXcLI7t4Fv;NzV>i>)+|>4v(Wn7`D2+&ONaJj{8=+&o!A5p06Zl<+m$U^zEf;FS6Rdzc3-XO@gRjeWpw zIbgwr0<8)!sdZ3hJjV>S8cKL9x1y)8zPnP!qz*$hF^eO~NYgna42zd_`4TU5-(~a$ zF%Kb9yUe0QQWxFi2^UMRsiS3V_-3oM9_{mK@IvTqI_N;+Q*f>!G)p9_dVa4~Kh6kV z5d(52C`dWcm~tZMxQ6x%X_AG=WKEau($i22F=0gqLLh}Mkkj1xK zY%li2(s&}Dsm2{qxh5HROosbdp>cS$=o|VNE^kGi{ zNjS|+fh9W^!sGg-^DrQ;)P|O7Zz$FIy_qGor(}n}Nh?T$&}Sof z6?VL*gyZceOVV{8>myOELhp%GsH5%`NrCm;LwgLOvPpufcf_>$za2ylHajxqgc5#uyvrR;pV3Mc8g6)g6p+{_-oK8*P{)VEpd)hc| zF6T?Nl0J=NVdD)JhPlOH*Hg&YYIMJaflZN4`GU2q@NJTjlvhH4?gK}RfDq4gTzplT z*cOShQ=SM@V`j++@X0>oW}w#$Cz%#_0j1tq z*oHrR#>q%)wCJ_IAY}ioT#6J{v&O$lvTBvEa)7fUnr`u<%!1SK;pxJ7gtWquW+t(R zv$>nG**YmZM;$t9O~%t^xhfiHUqo2BFhcva5*7h5) ztW8I)h3pD@kzY#3r_r^jw;E`tk@!BUNXN$tM72fhM1&tM@dZt6RI0apoWh z^EIbOyIyH^xbU~hbfQRUpAGMou--y->KHEsn)^%w zFpjk$G^f`(ttgs@0c9P;AsJ-96;sbe2(<=eY8C-v?_*50PO4*fQo#6a&~5`5TqfZv zwnXVa?52W3>ai$2LW43=FDY5|LW%ba-IV?x2Pobz_F25&>8666h*w^(F>R2|N*PDq zDnb9a8$NzCKtcbcQ$a@^UxR5kaePhEj3+`gCAcW5jv)L>8^Lu0;qXZ4BU_ai^ga;9 z?u+bTLU1IS4_5fp$?=)vGeQ5nDTJrU3GyPPdg-r}h$c6L!L~K~Ns0^CPHyA5!2nRE!;XS=DOkb3XHUF@dx`~byU?z4EG?xupB zh<8&kdN~llcIcflthaT;!>#?qhu$d}e?F0p3h@6dlW{|@onH3^{J#+))Ed#X zUi*J%Otnth3;2HvwA+9`mq~}<|C4SiD5Tyy_@_38+o`q8H1Tdkrnq5kFXG({+Wi#o z4c%0*6Y*keyO>_yFYQWyrOfJJHyrF6ponkjRK!u}Z!qd6(BC9YRYCvrhJ;G|QHDD5 z9G`9jAjv()qYQ^}>2s-8Y1jG3FpznWM_FoIA5B9A<~AB!Mbqy7_J*>ghBo=4BvnYH zr~>~Nn4&h|KfUe?{=Y6ls3U-Sf-%)PX)gfv6lk{rC@zx@@&E1JR8UC0cl`gIZc2Y{ zfa3k#K8yF`-Bhp>@!~p5iT`TSCj3&F)|a~B;tK;5^H(|*bJPbk7vJHj$0 zuqcU+P&?a3V98PY%!Pcf6YT`qM;Us_(+wZR0SfxDP6ZtW>ITzp0@O{?w3u9PfnrK< zQBoZN_D~zaB?s&;Q7jq}2PmVCHq))i>3PS&0;ycf(w0i^p({CAkNYr^;PPiSCBrV2 z=2xH5J*wi6G$`Q=3NFc^yAK@W;c89X5Tuf<1p9b!U=8SRnOQr?H#rvH;i}$D9RIn5AB2<#-@-xJc`Wt<%G4m%WE#}$+BVScNRy-9 zq`|zKc#|e+-ukl$sH%OU9Czfjexr>kBzIcRVs0mst>sL>K0<}TWpv=GPO&g6D|AEk z%p-T-g}b_)S`l06*_Cj)NrQY8?Sfr#YU73CLL&@>wfY=G%klR5HSgfr;sT z2vCMddrha7MkK3J`PB<0*1Hp_z3?lqVQSytSLk);enkbwiN?Jt{6d6KN49vHG1WS0 zFJ9#=Xt%LNE|aiVSx@>QrOzLfx zM67Bfl^B?)7phTzuba|;XMp1UmwguRC%dU&C*qBIW+CM0YbEOc+zlsR8lb5Eq*GBx z9X5$4gquwqc9S#Mzr&Nt=pHgw1CGCJsMhAI2&Se*ut_~6_M-es`ov8{cb70?reUmBXY*|QReyO6?6o?-rFeMa8 z=;lO%Kfnb)i9eCBF8;UvKaj7K;CK64*Ka=g>s@QpH=lg>0QE^bsdPAzo`g?;W?-va zWfZotD=dRBRX%jmltGu%g%8kql%u#`#0uZ?Hcm_g7lIO52}8jF$HD~C$YTlqhaSk! z&*Mg;yG_IvG9JKOh(_(PM%3B(-AE=A2*Tx`wH`$q2xL}0Z%-M~!|33wO- zL=?gucgTIz*80=b zWQE-}w$_&UL~R+iu`G;%H>+l2&%uN=8>8!FMPT#7d+Af0brHcf*7fNQVDNq%#&C^O zS-Wf@x>uFmpI|icr-#iI%O(FD<4cbON5mh|j))(p=!1wSx(L?_FSwuiR-7UA=q=jU zGfrE$*Pnt9o?0oaA_46P(DWcEz zuQD*tekcOjV;8ERnc`a#wRG4N7hyTP(KS>2Q*@g(Q>431r78XieTp+hBG_n(yTD@L z=r;1>l|e5%cvfBP=Mq(^p^I&gBQ(%v^sjLw*)wqz-mGS_PBBCCbXq@KoLheB<$BtF z*|~c3tg*kIrT4FzJwum|AGj?4vgncjhFDZ}MF_;-o+_2SsqEAvxOUN*Lpf`zP&G8gh*`V2}#-Kyw{IVEf`#1dok!l~YeYk5o+ zgBuKdvf=vys=5f~F@TlWamPvGAxyVG)52X+@*% zoWfh7I{}QLd&rEEY0z$$>65zFoyAnb)hGC$YhtE^Ydljnj#t>@kirfJX()U4aEoEu z$E&QF3u7OobZhY(+`2^TOCn3F8xmovqzt$wK97i~_)B@{u6Tr71z-4#@I^FxV+c&5 z`J9uF5Te|B@)2+uST}ABWsD#Tih^wU(qPN zwt*6u8}^!B7esuot2!5(R%jToQEj|pD13dw#p%k*v@>6ro|C--!_IU9W2kV&p1d?u3u@mXoaoEdL|~Gy}Ez2Z!JsxXxy5! zs(Q}HhS2H%F>47l`Syn1uh#aIN^g5L!itVGsFB6EY!_MzgBL30M{U}ha{YkH*je~X zmbCCg{0W0a*iQF1@0riFvcVvF=nj8J^Q>BR_Y>!ussmNFq5D>}GEhstY@i{G|B}|F z%E9`zt@zSPeO08?*5*Otx}8$*ED)<~+ji)Fxo8DCX|L5Z=wnJX$*LYNrI1p^OW`lL z{{1hmf8TG=zjRxjRFKU^fqifsjE?XcjV|I$;3E25UK8g~Bz5D?VVISsDQ=m*Y334c zl5}Ad-#haQg*HtZ;}@2xkna6LVJGFkr)P)2WwTnn!2**%ZLv!0_m9zQy@BHmNx=U< zp-de9vy5z5EuuXGVX1R0X8@%ODg&JrtKXg zpHi5`C%Ag=UGoVwj*>J2N56Un|JUZ#@Pv`_EX}Mn>1n@qa4a-l)kjhs9tM+%99vpzeSli&VH1Y z84qLvXFtr6w#C_FGyR)}me|}^nhMW<91&i;7*;8s|0rn-4;s(?06a0H*@qr4sBk1d z!(f~yN%$v*#3#t zzsM(D%FjbplqWkGQI+^cU!|Vxcv5|iH<;c>CTiv%IHeYj`{UCTJ?Y)Zv#m6p`L}ha zr84%PktUApBB>r9oooq-K|`{YSoKUYNU62aftW$c8<4eUmv*8bE={%2s&#IUv37uS z82wC1Ldi5=J5C=+*FWkx(6!-V5nVoBRNu9w~uzlB43g|_Jw zLfL;Csc1aQs}yDbb<)-tG|J8f9a}p2(g$=SGNN1CxZCdZU`lI(qJK)-#8GrTv7}kl zpT#O#68!vHo7RlM&+j5@&-i(y=ZOI(n$?P&UuEJ4a)x)>(d)#B`4h^-5%bH8Y&`r3 z#QbBHv@K%3vfI;S5=grzpzw9e*05OOE4WJWHHAvX4KAVTa+5r7yFugYWrcV+7uXMc z1sRU7-R#rT0Jxv*Gy&k7N!=s>qbv=8Z;jQ&BmjJ%O>@Tp@N1CuX90joG^-VWCz<#G zzzO!}QJ%!;{19d0=)9Me84q3pozpC7TXa4mPXx9+J>AJ+TnW{EqNZ?rAtJE&s;^Sq z&L(ZuLF2ZX@a3mid*5Qs=p>o&?Q_9RF#4a8YKaM7R+PPOl*K zW06Y7v%g9q^`l8!X3&uOM%5LTw@UN_RryU8-FJ!AiNn$$*lGg1-y!wmusb5l)R6ak zvD%pgdB5F81!9o*2guqp^7eigU{njl#hnersYF0T3M!)%A3#L@js zlQlXue?5Rgn_%~=Nwqk3ZxkhJ(0x~|;w6FZLv30&2D*AJ z0OVeW>#DRiruRCy#G4fdm%=&9#Cy!QGP?0yPSImN$da~2=Lb*r_bM%k&wZz>5c;u* z5aY$MN)fu8w58)!srTaFw7%do=!m{IUA)!=q16sHc0pVJ3T=YU?;y1j6B?{E z&2HZnt8z)O`Pnw@8iUQhg{(bebMF%xTsEr}nSYhZAIQ8>-1eunGJQ*o&L5&o9G&0H zXvf2mKxdyNZHvyY?Di%?3B%nJPfh*;t)xJvQ%GfCTS(0Hr1u&FyG`+$Fn7)RcY zwy>#8edeGE4F7M^HV(tuZJL^u{xDV@lVI^*wrTSiEdD!W?HP-E-@>LEX4S3({yA#| z0CMv!Z1g!XCU3hcz~t|>X=80Zas4FzTk!17pKEGk0k{!-( z@Kzr*npcDQ4RvX6Kd>~o0hput?4DV15pa{vwAzw9FdmxV`TeAC63+v6H9UVHRw0w% z`F(9#JqFKDBkRuso+|;Z)(-aFtPvQV2bWT7txcbG_=z_>F#}>#Cf>)si;<7-f{H%& zoh)fvJiqA_1q#Qd&9N6|OMLDywZhvcA{CBjeU!1MvEB`uEGXV^{uh&zEB?95UH0nu>tPxMYZ#GYt+ zKgHajIc$RRKP6q{C_fqm&(MJ2|HkTS60rZ9HVP2~_9NT-0QUFy4)(IGS1soMHERQ4 z{!JalN73|vawc{NFG0Hrhw#HTt*=du{1r>u)*+Oi-`FkEM?BxfDz`C7()@X!OxcS{ zb~u^B^<>a)<4pl5>v4E`cN`iu(cSOjHtXE;!CVus@d&9R_ZpkDifDN8Xsog(@f)Yw zXhe+PFp;(ALBaz)`wd+}t97*SAZrD9jsz!YD312N4gjGUI#4Vi0kZ zC2i|7Cglkltx4L()Y{=E&89H>mm?yGuZ$4E$0;}o7s1m>MG!CJ&|F7+((myIDLkB4 z>!kjAiX2uyww4_Df8u#Qhd)sa_pi~SbK-*j@*e)6AFa zJjq5xrlM^n^}?snV*Uss*k!fnjb#U+Jgw#W6@Rn%$>Wn<@wb&7L(A&x1AlfE-lcC^>8Kxx`ecmE6klL^po3ZcBsd^bi=d_A27C&X1#o%$+ z-)=4A8d?g|T61NhVShMh&DRz|Z!5(&gP@QCA!=K{;tTE2#Lb~ zA&uY4=_(#%?(4!IBANZGs17a!WkW1yw7HAdnfU z-B|=Ch8!rW#saDdiR5z`?Bra?FW2o2{#HVpjC$p-%|oNMQ0&x9pmh)|dy$92RT0#d z2ySCLMUOClW9rT%UsB_z{x}lF-TmBLyU?DE;mYR zu*dz)s0;$dmRYD$B;O*EWoVm(TZh^1pkF8ifte|SEZT;s<b25f%H z_DV$*HVSV5E6RCx{n&`V3p!cK1m+pUVM8En(vU0uRqjgJGnX?qqTC_?y$$_cPd=sY zZ*~zY+RHpvgI&82)C<@%f6Npe;3OCAuB?ryzgaXNw>LyL!!mOdOhAnn#HDP|_DhUIwX0^bpb2!zh1TI%@Ni{|{?F(ii{$ literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.doctree b/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.doctree new file mode 100644 index 0000000000000000000000000000000000000000..c03729bc08aafc1ef2cce89dec0ce222cc4b03fc GIT binary patch literal 68419 zcmeHw3zQsJnVv_|NSfB$1_733m(4or(auXR+Zt?RTbBIL!&=Fb2Q*SoO?S;yx4OHU zu4>JUy$S{|ARQ`X!EN)%vKz?4vOpHH8{UMlu$x161H=mDc$7!ofW z^8NQw_f~av^=rmv%=#Q_x~uQwzyJOJ@Bi;#_ul`}{wMmb=(~dc^EbH_J71n3F>|@H zle65qzc%M&YbC4f)gP}9zNvn(p7sZ-=A7%)s#&Y0#o982s=| z70t{!)$^mE-W}ysk7mr8=eV^}$*eAfzGMU=M_coCr0Rk%*B)L`o3^j;`}5_THLpz# zpEdhB@WH+w6Yy&Me;`8g^%Sm$C5En*#+<+9^(iIu8j_xrog-1=${ zf;(>PU|iU7`;c*~BrM}r%&awT1VxM;x8Dx_GIiPN_p=&xAZT9EAvR-NkJ zhq?!a=zq8;(dS|_DrGxn@%tRzD4p-uykv{Y>v0BgP6u3xgtWD^q zundn#Ha9$1Om~_yJ?*c9fDVIitRH^^b<3umeYbR0+XeeP@wKG*Y8L~72N=OoYOjjn zm83ZKH%0ZElBixwRCAKoQpe4yePb-OS2Ah=&fuY`8?sq;a*dYk>M z&7kBKMgfMAahSS0RlRWEPRS*FQat&C<~;HHoJRF|KL-C^CQoc)35+t)DOyEfB75Us zREM8T>ag6{;h*pho9n9-qIaX<gPv~7Y(gSEO=akHRx$dv1 zEWm2xfwxeBr545o-W{Gm1TC*Fy7AZHkz28{`I&sSe%T)Yww9b+jqLlzF!~YXFN||D zb&Rm-c?|TYaHYcbqWR3W;&b6u@Kh59+nm+EuV(PJKs0VsqEXn9-10{oCXtkxCb1>W z`;uF3PV<1jI$vh)sAh2bncpFYAif2nP&k;_85xurvsUyn7tCVK3Jbh{m0PP+oT`^` z;YfOKs5#{LUdB8Y4p6IXxZOa>TInM(s?)ZbixoQqV5N_07@5Rj*s-%wID<+dty;}p zGs!IZRdrKJ?j}}HMK^6TqIJP{g0;dkk``R6bgN0uHdY_77Ii;Gme!drU|CfUxdZ;{ zW=dIDPorGzubrtCi_F~EkNK&L=VUXmjGkLB{4N!E?5%Yyis-2*LkfJr-p)w^iFc6V zG5F=)P}V7X`pQsW+6|D+ovoS`Tf?u3|BikhC>snQ2u&Dl4;f~qQd}@R+cJt`y=Q1^ z9s@3c?c@yeylEUSVo7EQ$ItK_!yxRX~HZdNdxi^RBFpPgqsW=F4UgomHw1 z7Ft%$m|if>>^hqnNgZ;kjD!-jBhM%V5#->{Sw_vZ*l(x7brh5R2aSM&GrOq~3@!%; zhAnvw%m=D_L_>%=J{+_O+NiTi(ZXUVXA$aypGMiKmdv7&gA>G7pIAP-t;R~@C|M>7 z!r3KGVsd8kXfA6Rri(EYi}V)@`#de8(fo|X)-TQdsC>{qJf7 zqQz;;o3kvi9j#t4t9f&}Xt~_=O=F4iu3x=5)}ZD0B07&)!j&_Q<6*gGWnk(oINykE zXpp;#Bt(Kp-!84K4@cTkhK_;-yMV9Jb#gy?$miE)@38jD)77CIZSc8^x?Z@`3j|A^SPrx|NkL0HGy z*siD-I4bX#mh!~Di&Gmrw?D0$<@j+=cjM@AJz(44q z8k`o^AIXMg%vPORIXCQ8Yo2Y0K0(03)Kp3~X~K9Afn=^?2n1DR!CVUd@&L{>3^&+O zG^eeiYmApn&mNyzFeX96VQg!^V)& z5DXo>3qiHPsh)P`WhavquY06)@wQ!4@E~Y*Ok;*(e<_4%&;!}ihO%Q*${ZeClo{5P z{O^S{+1o|vZ@^zu%p-1M7Im}L&x9g?i3zQRpG8_wb}MSINavoT(%TBuE!@AY{xwO0 zru7n~v+z^2AZ6d*mLQUn=vOomTCJ0T70nQ@ouSOUFv73Vo6Ho<8Pr4$zi&aSxUHvw zZc9)-t&?QxHixDRN-7Cmug%k-*4%JUG;dGD0Ii!S)%1FZ5JK06t?`&4N3b!BC0gTm zb~J|9QfWGK)@8q zV_I`oPbBw^XiY^aYsU*I{D^?@+QVxTEc^--*}3y5gwcXT!X6b3dNs&R?b z!Wfb*ls#Bg*}|l4dXH2t;uV*jo*$e-1F4)tWf;tw-w_b=W|Xf#ptx<4M)(E*{O zvw@uV&1#jOh*VCt(gJyc0qyTv4m1*y>6e%qkr+8?8^h1FX8)+Ck?m|>B(*-1hw>^3 zmn8fl;gzG=!bYS2q&5Dzo(2>`q9~o6AQ83~G+k??Kq7&S3Q$R1h6BsOTv_tUi>?#I zyR>i-ImA_K7V!j^{9UK!(E?=7&S!0kkRj59@Cp3Fl+MTMMdqNNA^-gBx%;P#IqYbV zFoCaP$x*JArU5Phsazg=O{fExXvi5epqG{y)H|Xw4)fmA*2wIL?C1X5_D->4^9I{F z!N!949_^ywrYKKE z6eSFZ*M#{OmL92yFB2mQ{i=2G-AEU0!6wng?7(U+q*{B)BufmxUt#$DTIIj%iJ04Z zQW1@e*o5N__HC5Tq<-JrM?qWc~!_%V#S!E6=P<)=w#39?&%G) zX?GBSI*F}!*++I=d}NpLo5rLyUr7%?j9&&X8bgu~?G)w2qwm*%C2sW1xc;&}csIbJ z-TrEBCF{rheiq-tht*|g4zJkim&GoQ!hT}&cDXFMIyAyi;L$&KXAlfSgpuBF1Rg*h zZ}qAOZF$VXknQoLS$jAz*?5fiKAv5osUb@QgNtf;STZMvU6OLo+J;a+nnWCpNJRAA zL9;h5ry})~rcr=?CwNUt_{o4ILHX148Kh}K-vLPgo@0hRd~VpZNnYB_=xss zj6X6av1+Y4^Qllp7eA`XtYY*L^+hi;tLRti-HS^^pwW+lF-xn_MtCMduM+Nsfxd5s z+(!P&7GZh$N*Ql#p{1dhwJL%yA$}?le0tj*yqK<)^Xv^ToO|+3&FMTM%?k(!z)klS zA}^_#drxS9puff64ATo}?LB?e_vP>DPtks1zzAaN@P*O0*cgDpU`>K84|r{{U?2>S zH{=X$Rt31kMQryn_S@!Vnf z@Ao=$79t;bF;fP>nTV*&U}?h1#m0cLTs(y1Ar{_Spq+3?q;iq-nD|Rf;?TJ-oH^Iyh(Rd9*@fL80`=``^+|Qshjb6$SoU;`V+mv8DXxH4Kl<0A|m_LtT zj_qJa1=~Ve$lA-CXh|wqDt&6s{BFf=$U%qltYv@ZojcJ&P zUAro-b(>7T^e39A%75;O=CMuzCW-9G9*|~!+|x}dCO>Xp$9^2KPxs^c831-bXtT{K z&m|IiQ!_%p-pt{Q61taO5OoaD%Cn2gO(&k+jbVQxKo3Y#(GB@F;RxEm16wjH$Hz6dR1bgMo7zy!6=WrxYQYKpJ39bKCgJW+Y4YZ;lQ| zYdRfix-H8|^f1eLe6hKrQIh*wD%itfmGW8g6|E}mR)yQloxZRL@ok~By@W#Ww53vddU!@2Ft%fs`H3>)%wFu- zWRgH3+^MDRPUHTG2=}Awb`T~dv`>#8zCKbLn#o(mTqbfVNu0*OF;@1o7Bf;OTt&_38K2Z~dD1C3>7zeV;QnY+uEn{) z|CCB^D?CDf__l3Q=z#udC%4c*C4OEvjeX&k7e78ar#nC+&tQX5siAr}s#J`g0W#8b zu4RZ`fzYXgaeioW&=?*zu(EitTEim2xDY#MpdAsiAH(i4IwMrz+$($z^(BA&6+?zZ68fm-=Q}hI zc7&R5e``J#+Po%)E#@b}{&0^tKdXzW>^=HeQSxjzlstn<4M(E%z^`^ntME+}W*lvA z0)B|%g>T`XONDRKM>^P1_%HYrWi_lupKeqe5<67^hW`f2>$N*$pMHTS8W!YnRng@NJO3 z81QW@GeKu0y9A=AAAJv?=;=q_ySQLP%?iNbZ7&8Op-~NzSi9|m5>W(L5+m&#n3T9h zC!j6s^okbZ*0FW+&q)Sna8pdyc8xR^ltT>O39&V6wQFo_j2SDO2NBz=L=|SP=)hou zaS%>*7>PH@a-vJAnhnntvmWnAHw8BTbH*$vN7#j?#~olZ*dYmANuL!_ABi;79B?(i z@k5NL=0$tK=8vN77TC;r(k3>4xtjqBt|wyiT8fB~cuCHx2a3Hqyy>~~kdyeg14UW_CgYQ^&0LPCWIC>!Pu45rQMMjW!DaA{Fq*%0T zbr@`$10RiB0QWE|#W>aUcu|1+P^6(`qQrv#03)h-(O!W2UbNi;xH(VS1nzU)3{Y^r zci?uq>Akpw?0v%`v-fS?46q&ct_uQ2y93w`JyVMHo^EJ(VhNf2zIK@$1?>j4jsfkM zGJ6zgw-05Cf6*4(!tR|d_}4jhzn=kVmSP(T;Jqv2cONy`%0pCR?l)p1bb1?scU;AR zU6UaUH_~h`)Lfo6x>+tF=h)zHC=54t@-L!6am0Es7W&s|6ie(6JySgXW=AqA!2hoq zj~l#pdb}v$|4gKz=7_F&?cZlaH80u=`2R1o-2(hMPuc|kpLa7r!S&w3f5V#aJT>Q; z#@-YvB?Vo3Vecliy_oF1v6}(5!(Qxx6mJW5Nxjk^DYd$(8w&O;A&YNmm&H-&Z&2zO z=#ME=RnY%}A)#V_l%TdO$Jbf_NavR0A%?@aDz;Rsv~vEj3}hDMAyyh2Q)sEc%tnK$ zh{gOZ4Sh)ojrm1!s??F73jEJAL2bZ)db}w3|K>B>t04oGzqRZK{3U+Xj5$g_No?)>lm;n4&kM^y5S;m`=LnSKzq5hE9{IN6FX>6 zkB1xa=$;(9BaUuq9Ts=Os*87crL^nJcqMawkni&5m)U98VHs!28CKPD&*JWhV8c}F zZcTRWg}P)8*SO~CLOnWz7%Pyx#1zX z6E^A#jI8EGd$CbpM%yiH6z58tHtIXw3{dbr(MG9VIHB9eqmPvYJlhQ=&nzLUf7mXo zqcGYae=#uHSY~1;a0t5I1Y@u*WdeIrUJRUx@A}2Y8YMYVUbbaNKG;HXI<_PJQ|kD% zmr*C5k>N=0X_tERF)I>!yhwPzC(=|hSpx6J7+KAW_Ja5O&~^*F=UizM?+-D)Viobf^Kz z?Lfr%*p49s`5a?c5^E)?($J^}imhMlNbJQr;52H*fC{hmcp!H?aB=c*3QDTD9DNu(UuMVR15HEu))c#KF&`X z{w_Odn5^9I;6>@Mc2YuBB4B|Rz0gLh9xp2Mjc6GnR#$7&RV47!@*1U1$ZSXI7`paI zvG&Q1q`6L|)wLYzLc)iz+#5g|GLdXaBW2>;l^TICRWAm9y$HAB|lo|j@*#CGk3wn zy$qD!3b{p)_7GQjRFNbsxJ(SGnXxN>WY4&9)2`v0_u?Ys{rmT)rtZP2ohM(WdxGgo zkXvoftGMH%qjPg}BNS{kt66&%A>}}xa?tT0B zj_ul)2@N{)0J~(_%^>!kIVn=}@k8*Lqhin*3_5c_4I25|GAGoaGe?5kzB2r%m^%t; z&%2{zV|#Dfvv1eFz1f+WeY(_f#D zNGIKEK^Ge|WP5x1rLWvleYZ5gn8vWbh%l_VIrCTX9Ck6y`K!TW+=Ns2|LUcKk1WmJ zS2%u=Shcd>JZG7_mUjZSk)xjSCD{G6L9##}uxi>nkokQOi9ZXU1RNGJbidh;@Q)R_ z#+JwkuKcC8rR@*y#wmOVW#o+q6IY3eFVb>HOpCz z0Kk$S#-&&&^jjmwLsq_w1EjN76=oT^tPW`R<_5&tAO1ypJvzF3U>=4&a31*shyL60NXVozGtwLE%wz+8y0>^Vm%zV|(}Q->=!W!pAhe_{K0%$w;apBOYA!i~WQ*H$o? z-DA7QMugKI0k%C-hWhkOq1UbJ0@${pQWV&J@N2+W$-!qAb*zB1uEmJpZRrF_!?od# zs^eWh=sc zQ0eC>O6|cy9r5J{8Ry@?v1PKr2t{6rBihCtXv;Jfek~;ic>uQWbObQ<5rDgN>^A1Uv${)bQ7ckdvH~;Jfl%@*NGS zA+l%>A^qZdgcWg(qG#eBOS78EI>ijVp47sN;;zN(F4oib^;lL#@=E)wSb2Z*Me#GdhyY}wCY4il{)YhQmG<8pBhVrAG9ZaPT zu#K{SP4IhWJcX^wGMtX^4u4d$XKrO-Y8&~UD-kqAIVRt1ze)iQZkQQRpMy#31g@AAqOls zE0zN3TKPN@Ih6-h4khY~R70`rZp9VIGUkP(Pfy6m%Cma>I>?rE9*tc7)uRq!e>rB! zN>6~p$MKnBKS&ix!<-S@>sjvlX_k1Abf!p~>v@u?X$!AhDBMGZX>icUVVUd@gQ`$s zsdUa;sL)&=XKAK1IT4lQ6k=xy&m0+M5!xZCXq26kcq(Lv?i^+a2KSIDB>+8Z?{IOu z4$4T1=u7~UZyXbFO+>GlII*GvuL#Mou~RC_&YfIinDp@>2O=$EV`xg(7SBoZZ8f4w z4q#f%Bhw`5g;p1;O8m;fO+_+#{H3ip^fC*X?m-uRrZ-|(QW^r2Q2oI1Q-mn@96tpr z1MOxIfIU1JahpUG3r9vqNN?|)q2(zDZVmV-lO~1`a0s8-G=KmAMgWl@k!KENqsA4W zB9w^d086=s)?tb-u^EK66ltk?S{<-LMi*7q9tK5xR}$U=^heE~@D`A)*rPPfl?F$G z-iob(o6(_{u@+V4C>v@0aEe~*KFJ-6$MFYi>UZOh^qgAxD_TphZ)k}PDfX^!qI+f4 znTs7zKa69w@qX~o-MIezcx7SSnJ$du4Iy_8j9c+~6Vo^%QZkJki81_f&twC)PfZ$= z=}G2cOrDtx`52ST$(TGl$y0r$)wQhtgG)gPb5sjI#VSi&w#Lfv0oSr`WI>XxnD_Ds|F96E%D`R|z^B*gCMT?)L%I!_3w zUlaWeR8<#q`zxuN@U_vG*w46rpj^M)a5pr26XwzDZ?EpZw#Nx2rx}-eFBdoYa35Iz z1;%>J@wNn4SDSV!uTQ&LQ$^PnG{0gc_I;{!E$i>ItiR?{O|?Ev#kUpyj1?_>27jbb z#@t%%55>FTQ!%QiWhU7gUrQV5b3}zE;DC@#@YRY|Cidm&%VRr~3&5*lsL}fRWu&iU z{``VUZz~Xi>=;2P|3j4Qb|z?n;k^74)@tET@h2>6>6Y@R z@R+Ufx;6`}wy+6}sDCU#{YB{|2Jgq#L#jC5_p?4U`P@yvX}S<*f4cB>@U1vT*R@z^Yx7NYI>ygGqDmY;A7yzo% z{5*VM@gl<#a~HKuh0|Y%FfW-6%MYhN+v(&kHBP@dfJej^yY^5~mm~B9gJ%j^@V5q& z{Ix-Iz>bS!+`o7<#entGBw`$_SAuR$bDv2RzD|((Z(B@r0#g4URP7n5$Gb#o;>R+C z>F+Ui1Ez;Md1s}~JT=fUW?!)(!0hj~m~Sn1@f}vQC1!tR`M*z-rsAbA6lI}aMzh{@ z!5dxZEI$ji1>;LvhBt`vQd_8!ZVlAy*+kK3IdJRb!H&7b@ z$ck7Eux?9~!cI)p{uc9{V5;sx)t*h&-QAlijWf&8XzgQ+htXOqcN%E(OF!x;ldNPS z2=h9s#1|2}S>wsxvsgrovZ5^w(shTDcR@(BZ&^-3X(=+uWOA1ulomRjgydQ7Jt#91 zV42#n(lw5%CPZkOZGDNw(21q$HwHcHBvc$dwS767YCV}Kb)7)xyIRa|0(AaMRP7l$ z@9Yvf)yyqNXa60H>kK!=W-D!S>Bo+7^G~S~$IZ91#*=|a;N~S(v?Xrda8JvPU=ljp zDXP%(KSYL_O!V?Y&#!hm6-$ktXBCRkzP;{&lWI%MHkm)l+?YIa>;LFsigzL)Tt{u+$0%{4urw55hp<%p`S%UuJU zYJ!8R+yWi*GEh09s?wtL8-uQgNT`G(s(RB@@!mwK>jYx&ZZW?J5PJeudxqF<9Z`)f z%MfSpU|a{zrqr%`ZF=cv9aNHaN-W`XREfKyx3T7vy*lBFjE4&|Cjv*5&Tn*$UsPGRp^dxBjx1&$G3fXQBs3fyR}mqa z;(Q=co;tzB_qUk21YGG4-N!DyK ztOz80oE2?}gtv5i;7I~x_YElAd@910S&hym9BOHw6)6+LLc`h23mbpotEZ85b8z`APFiwUg6kYxz0KVkd^uy(Kyjp}ra zx?3?j0(F1fVveb|Mb)0Y+McFq zIil}j#_%QqRr*m!jbx<}%Y26_ap(44)_Ah-C!E`ZtY}M^-O=X3cnPF!mse2vSY*)2 zRJqTG^9^s2@)h z!cGwNBQ2&o0Z~7Vsy!oWx5tYErYu93_754)J9BBNPRCgLHLAq1_5-ZXWUvxg`}?eD zORPP*s8@zaL|)`p6>fho!oXx!EI-`-Zl@Ex)VTe+0Jp_uFkMF-M179h6EW|$R8)A; zx{AT%m74=hUL*R^Ai1A@ZMuZ&1d{vEQqp220g^YNYR`~-dzYbG$&+P>$iHC914Lel z8;i6_rRVyjChLswaIYsx;Hdk2`%3vUR^`WWfxkSn8 z1an{CVh$59*GAQzF}K?l4d=)*MBLMi;XvFq;vzR~TIsirQTJi0#8LMoYdhJ&6Ta?o zRFI-QW@8Sg!6pk8g^mga8Pqn;z;1?=YO z7|gskK=+T>LX|ioo@0$C!-_z}GpuM!L_9-?xI|a8OB`L&J{0=CH^SUxHZ4E& zeX`TZUuyJytHQ+~!A930EL-4MJi+c!$6fxok<2VrkYp<6jxyZmAA5hn>7}772ED&b zBFE8tAV@=?>HAj_MY0nR|5A&|PXO`%gsMG*_#NGXxSZGJh~=MWOb3?V*j8!@ZQ`kB z$3Xu-s1gVI&#<185ljI6zhy;R0)6>~O?x4+|Ap>WnS-B1rXZP_%g-GAxKj~XYIE?W z0Cx54CEXeXtqtLxcX6BW>z9tC7;EsVD+6n=P9tA~g>6(~Q34*XKucW)JZ?nQp6$V1 zUD^YkFU!!ozlyOP7NLWa9aKl3^kh90VUU}t61N4LS)a-9C2YY4RxPp6`Kyt1(9DDo|#0LL1UZVam=d|Ai4$)N4?_?i-5 zYti7F|)^u$a?QNvgPhb>EAYW$*PiW1RwP-~3Oa8`u8Cl{oRyphBP^#_^ z)V!JDTZY{{K3^05F=JJ$PBnx4=((a*1(S)?EHX!J;|t0K)O zHMogA30Ab~QN^`tIVUq;B6-?u%_C#1g*0laCXtw+w&^!_~y764~=sbtG?jGprBj z{HX1fis)+vc6-)F9@H$RkLw$_%vgxp=aDt=GDO44@?2RQ z2QEW;oGdaDLIxx-TuD%Y1gMd6`4R~)-5JBQaTS9k$V_S4%0Yz}K!R-{Tia#-e2z7}hT7$y(}i~fCkl1?=Wmf{y6|ag>Xk6sg|E}6 z*U~3SFJG9UPn6xd<_}PPvYyl$Z{aeleTmh)#A;n)H7?cc>!}QN0AqQpeX#IJYK;x# zYxIfHPFd<1(S-~Rj*aj~a+rl*(kB{Tfl_F*0dYD%OcXOZe?XrYo!caxJU6$$K^Is~ z@IQc<7;YARA)YIC7JkVdaefy1uA+L9p&PP!Xb(vPW{UB31Hqf@j?cLMgqH(=Ku=23 zNU0qv`m)Hwp!9%V3?e`yWy577r3B=bKOkvgyaB>)TJ>O!%2#{oiz9F1 bFK3Ij9O>dL1k_LE$cPBMCC8>VJ@Wqn8Ya4{ literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.doctree b/docs/build/doctrees/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.doctree new file mode 100644 index 0000000000000000000000000000000000000000..7bf3f8cc07237f3dd6a140b4b33d3771460efe3a GIT binary patch literal 63824 zcmeHw36LD;bsiVMUW1#IAXxy&CTSA0z#h0rN*j_Qu>>d(2O)p}VPk>W-kF~5o}HN< zPWJ%21QAk{nGkU+rp1v&AF>iUb`&a>la!KJc9g@4DvFZ0q)3saQc4w33>766N3L>} zBU$C-d;ih>ckfKk^c;{@vP#5GcmK!x-~ayaz5jaexxo(|{{Btuf8J)NVp`>;Nj;Y< z+d0Fjdm}kJTPqo5xBhZ{?0xlX^|Uuy)vq{qt(rCJ-c3l6HLYT)s|x?pj4> zQsf_YjI3+fWk0()Xbzdf7wc(r)Ejgyw`eGzygg;Z&FaNT2me^*g~{Xgg5|hYb_S30 zRh>$D#HbkM98pBYppTfNbY-&k|4HzeA4(pv{ojQYvi zyzZrR*R5LfH5a@gUaYlp4z+tYThtu~FY$Y@te5z&kzB13Jk0Ca#j25~G&OJ7)febf z-P~+$H#e9&%(doD?^mZvWp^q&b=EPe&eYjM2j6w?)M=w)JCuoheTBR7S74wo@yW^y+fxAtP8jm4MTeRR;{Z_1K!)ym^y1Xo3Ap zO0V$_HE#n$%-hi=cjCXh@ZT={H%80>e~EfDJPo#@U(xB_y>Wf3r5QsttE`3T981{E z=FmyEuGh>x=0w2fljg1HO*Ca4WIVf~C24%wL|-zFg-&v7)sT!%#1Wp}tydSEac%eR z#Vhn{j7ce#xS5rxm&>-xw0*5$xGed%-N2i^TF$z;d(b6FkZYj#9fLj*XJ^_(VZF-WS)75o!l-#0Zhnoc?DU z(tk6fA7~DKyGFGLy%A!2WMGQ%BS*TQPt7yP^7tvYvKl~U#;zDpMs`(AJg{4`1HXbc zf2?_%y#agWSo$a$_bW_-SXUARWul$3j*vyx#vg(T|503p<&_nFl2_P#@Jg}y2ok;w z%3k4i07Q92qMTsSZ}?x>Z`f~YiBc%Vi$t(1M~fVqYiV1UWo)W?q|%MoFtI=5V1)C zs;pghRVz<5(?)4E)bOgOQ|_YDL$&tXD1FHMFu_E$Kxqhw;iRE0}nW=GvM)@9I$hdMZ@DUa1gd&o84Y z9SMQmu4!l>KX1V(%o>{RXjhD4k^aJrwa8>d@p*&kac5FnL9>%JjgpaKCJI#y)*D65 zF)m|_gDzoiW?{gPIYPBD(&vkKv0z;`%0vylw#t>7tIf@wpPSPz?7NuZ(4IE8oqx+; z@v0%O0$?Z%gGK7lg<(Hjv;gFKQIR@tkg-<||AF&L30os2gbf!}5n?bDHdE^DtXd3% zumRMFn49yq?ZS35GO*zds9Q{b6s^9FI@~8~pF-AMP06C!!#)6V)LtG$4OXsBpAW)% zhM~d+v3H`UMm=iEy9pW)xHco(sTe(PIq-e4h|2#p&@{RV5+R0 ztd&jyAgfh2k)=OBEo^xK_?c3>%x98&6#^A%w^rLBCSXakY7az0O;h zw@Ks^P$dwI)57W_L^QO8s$DDRCfsVxH8oKu2w0w*OUWWZW*mW_ieT8G`8qeM=dCia zqo~gtMMs-1>8?3Fx2(;AhS{ro$F+U4*XF2p+c8oi5vG<_mb8M!ab3@5?P`w7<1}d| znv8+~**Q%YRBN2-d3#A#GE0-GtEFoX?3>e|htNB^me-4@2Zl0gAf>P(?cO;bu)X^_ z>{DgHJR&5<+{tHRg)NHQ#NpWSNXE8sjA~;zwu33YCKA;)dD~-TPomu0nn$z94N5D zlxkYBBPdX{=eEY+AX~603>r$|A5PSUI;GxT@W;yIJw_jeuxP6bA41(yYj`({_9{3f z+nNgADaC!ft9HJlIS49sBqVvSFJJ-5dzIpTzbleMwnvn*c5IKr4Ap<@vB4PSO-gJu>srZT>sGX=i!Tne9w|LpgHiRhm8rW|E7!CKG&8+4HirUI zn5|$IQbi$>K9r!)K!q8h{7+H-g*25g<}1BXEX}%AyS$(d%pGy;ks|x{W*k(c;cJPc z;j5H-d*MIh4^wK7^{yurny7en$`Kx;qkf;sb`C5kng3@bbG()o$m2KYT^-ATLP9+K z5>scx5+fV4Dg0h3_J>`yY^~vSM8X^H$h}DV2}aYs?bAK!*6mOOMTISFpDvVFHh0Zc(n4<^e7Mshov9Dx`HRF_FQf4vRh|U_6*AyP+s{C<9ukImDN&T|!19m*SHxQM&`^O^dNN zuCX80YXEYZ^;u6F+A*vqF{#G7k(a#zGNBBVyCVZ742V0z{0mEu9EfibEed^As+f#a z(biZbx|kjq;zFvF7f-Up@W*^xW#BO-^Fv(`^FUWaL?I)-4eJHlX)sAHuf>B>!0E2q z@ryr3LsV&0JXbb{h0*8Cu#i8cpj=nnv2QR;D1^sz;MRCRk)pD#G2kfGT<(fL8^g%u zZ^RU$)F)AuI1{0)xM9Yaq8VdmzG!C`RrB8isU_E7jW5zRJdH?5((F ziMoa~5tJ{oS`nrJgsE@mra`y zU8*Nig=tSUG99%`s)bhF5Db+lwMmA`JHmqWOCZDVsb^>q(C`2$VvOX|!TN&sjOL78 zyQ;j}%U@};n6_5!rBo=RgO5RGmNEK@>Y}~3D(aOI@}nifAJSh1WBNO!cZ7Q)v`ugT zGJLd*Q!i|7yy5;Q+1BoIWFHjc-Nq26{Zx6(i#3R+lTyPvev zimIv>Ha(dAAgfVU-jUp=Q@-9iH;$=_Q=xs~%SLgT4d?~nnXVPBMXY3)HujI%Nk5>M z4^=06$~1PA)R&2S0G`<^^B0iiD#}|mB05qb1emXPa1#wv7&LvTDYL4oy^3gCp4Y| zKd(;gyXIV)7}F-`)1Khd9`R|<7|VIlw-$fIRQOu!LG*2ZwbtF?zEHK6_bzow$hou! zJ>r0e4CX@01nEu*n0oHK}>p;$Y{p8W{j-XSsx< zUr5Gu6JPARY~T=838x^i!e+T+Ow-#HSQxa-rDNp{3uH)%1u|wxENSOpIZFoqC`kxF z?)gN0#Sgv686M7?D|6UF2;{bKXu_B|2QWI9O37xg{NO{uOQ5B{P_Q>laR>_DYn3sF z)Uj!m*B}rUx{NlcLbk;mjMpj*yW+AqWw%hn!9mPeVIt1kSm>=9Pt}luu9G;yS&MCr zi&lortC4O9W5%X15t5ZdoX1KruSJS!3n8d(h7c3US{DdWl=>v2^gv9P7&CeWcN3@^ zj0#TOV60^|EQn*0frFEnN{HEiXhqvUpUL(TbgXCdB~>=Zu;{1}^$y?Ayl_A{!|2WR zyE>(({xH&0(FF()CcAmyfRgVEk$gc9(;~xxm<5P?8!tc*A?gA|2!5kfCh6FFLLEyh zTzShV<}#6E>*8t+u1c}b%Gy_Oi%R5-9uiNTl1JfvP*q^k6WR$b<}UUNX~&3dS79P8j}-eG<+NKSw&h-3xwbJL()FQUwI>=ZS7(vFtJ!Bjq^6)518WJ_7ry6U2Rd1A(-)72;F z*!RSYUM<@EgdGvZOg1$)8*A)VlsJ)_S$R@mi1&#cmhv$Wvs>0BnGSBH)Y}Ui@rR-B z8ZE7ib9$}r+~a!H2D%jp>N88&K3pL}NU%lHZj>rGMQAxnBAmx}tCDo~JD__!QdfW} zjfTf=PWLWGck`sUL}}!6b_sn@_tsRF>)v|2z`}LW%35yyx;KnRce#T5fq%i$y14RT zxb?y$3TA0(35Cv{)L-;Qahplp7chT->s8Cs;*P-kX?^l8P7&v1VGo}C^}#jcnrt-v z4BGr2%EPWC^0SN08$vaRHj5hWR%+lN6|NN5(bVxO35dQ9i21orh&hK$xUd;>BQ5BF z!ox`1ZU^l6H0LvbyAI*( z_2*szpuPUwuk;qus8|78yzE}U8VXf_jg{Lzv=K!BH__7M@D|8gv;*2u>Dvn_2tb^y z(HI#aA=zFSWJwF7_#;Q57$YHT`;ugE2A6-crlX}{(2X-CLAbBzynTE3?qwV$y*&@c9WvB&Ivvy;}f$zI&(6snJgt>kg!ZNTV1?}U^;>ldTH-!7x0 ziZ42}@qLBjYmjC<5uycLix$-ugkNvLwN4-$8VPo?QHeqC{ZZ_`!j8fD7jXE51!wJm z<0ocL%=k8XLkLfi6694%*-~ExESek)gKcxvqjn46-i=HROmTYME8w1qlod~xFgqV& zbTv=fF>oJ7!7YHB^Q2ASzR*eQL=8Ow?qVkdSp8yexyS7Ng-%-6CVSWWz`fsx?a;em zY<;K`GCtTZCV!+|CPzU#I;xZ zzKGp@LT57%k&T((SYe_2o>=+94Rjp83SqdGW{a*@EIKe_I9S5MNntI(aBVk#5Cw`$ znPUy1f4xGn#QxB`fXDwak$?*D|2*R{gdl9S)9YS=|FrPtNCVSz@ zP2zvBXcK-JjIJ+rLdYNWi_Kqdm(5Wf5FOZ!bU=eNKid|T1>A}j(H3fFTW~8mYM;Ms zb-U0`kbU_0p~vM$F5jEenw5YZKd!Pl^ zk^}aa$OW-*1D&C3+4{VN;~nIpFFkMD*dUb~S;|)F5pn>Z6}kh<#fQli>ui1E7Dq3ongoPmdPLD%-KgChG$5- zR>XcVb3l@t)JR9sA=qWR7PyGvX9KxY+MID2cQjLFemscoSi;9Vh?w5HYg|LHg@#K@ zBa&1p`N4~Tt&b#V{|o7+Obx-fP!0$Mb4A3 zR#`{#A-T^V0?t3xNee|Stu#xl!hXJ!il6NlYk#3L);2v^^{btnA!P;N$&b@9*@Oy`Sx*b#1aYs+k3oqpt&2f29**zSJ*Pf3;m!M-?`)N5#!X3cEp? zd_U9*PT_LJf^)b+wFLZ*6490pexL=vSLopQQrFUXy6uIV+Boa=m%%NUxaa^xz;}7l zH}NOVn4_d`@TAh0wDb&&+b=`a+B|Mgs#g+Hr=_3q;Qo&CDq!ucqhT3nuEdCj9h5q_ znHYGac`v)hGa}ubtE9Yf1oLammydn+UsMqJ0uIm~qbE3vG|D)1ykNipdAMX%;mO%C zaE9TGiCce`&hCOf46hf(lJ*`Qe@r`{pHAIzLUsQ?6FAG9QGC78)ckQ489{qQMiH32 zBL(kp+R?*@4^PdUJEBom?ungTY0ls_DdI9!wR0Bpf=A9OP9a>AQ7vnyao2PKmr&`x zPkQFusncWHlZcoEW2%D2?BBb8?+8?`ddJfA`g0%cqdX~caww6Ugl`d_##rSd6JT569^47>!v=Ve zNnOU;DooL*urH-?s@``zMFmO#@^3a4CXhy6NI1VAWgNqGy>Z;5gGUyOkS8#NZS9Oz zysT?SER18gxuxMnfp)YbMJ#AxSRXRr=U%yNI<4s}630ZIT+7o^7_z`+y@gO9{!LT7 z#&3AbXZKEN9FtQk3i+lM#a8Ns7skLRu5(A~VK~&mB`6D?dynEKTd`=tk0S*EK~-ny z8Y`8A2An!^{Iqt@!RdSVADFoJz&;xD`|eB4J&NT$9x#nON|GbU`%TxaOixXLq^to~ z@#O_)vQ(^2Qp_r6>he7YrxwAPefR0|?_?#He{e375%^I!pm5TIcPwFvg#2V(NF)#f zIG#kN2ymR=_g6iYyr)=~kax}RCKqzx&5ajx0;=u=T>&F2B71c87FXf89#xh8@m`J& zISjV07;y?|PK31PhK#q4M?`5*984)Ak6ZC|?_eiGnMFl;iU`?WAXc@q{=#T|4!QU^ zRnYp=aNMMzHMzkPkr4}@qEB&XO$ElIwfDI;6zXHR)8lAovS!(UKaQ%_%rZNqFB=Y7 zdNEenVc*xlS;g1D2@0CTLU!Jff<3j5S!oI;yV^Me{)j1N(wSv)`(fdNb^7QzxCNo) zjnVUf6r0c`{|~nml^!y;}%g{}7@8A9;a89!5^Sx^ffm{y+fncixQBVNk?b|t{jRxL83IAykUM(*PpNX&%vDG(}|k2 zVzOqABc#Cw%+zq7-PPe!L9b@Ab`g<14R!J;+(tBw$hwZD_qNQQC#R|VugSj*{r(-1 z7_=2(oIcT2T+Y6RrJX)-VETR~*6o9cz=_zd-Zl}*7;%6mmCto=tMZfq3q$dT&;K`^ zElS~knGE?X%4AlAb4{gY*v2jp6#Kf4tCO_}M=QsL)vC;4{XoT&DeMaydNnAU20g zq**TV!TkcoSJX>R`a%xQu_zN+GeIx1Sqi(;A>4)7Z~>B9s6pkXFA$$8i`rVJHjnv< zi-6gf_u!xk$sGNp#Sc185R{E_ingB1FgB<2R*{8!MRCXRR)|x+YL{?95CPoK5OlDX ztCcFqSVCM961_8qvB-+1pk!5}Xk5lB4Q6QMcpotnDGV1P8y0I&(R6^JY%D;$E*n$= z?iIF_%u_~{INH3!*aa5yFM<|=!CJajUWAk6@>t-XnCc=!B4F1e0at`OBl2ad1Uq2q zSw8M(r6rvwBKP6D97C8GLIRBRd2sj?e$%`WVHl{Hc@grB1%R7pK@Dh9TcoKlci=p4 zELi2TNK8Dzh@6l?4bZ3xIc-ko$PoxDo?JL9aw0e)yU;&79%d2BA*om?J7@4#$c_(X zFcaCJWD>N?Ve+JeHlTQOaHxa-J38hJT;iFqal9fV!5py(0oWc5BJG8-aB^~z#_hv-f=&)|$|46vsX!BCpQ+x402uxn21w*lIatI} zK$BSN#Cw3H3|%U{3=tO)m!b*0a$@KoX1X?WE^q~2+)^l-~SyFVP6H#RJI{6|^jgLAXmYBY@3SL;)nu3Lh@bg$h8Ii;*X8SGlxv5`}w6~7A zXyR^G-_g?lMo*op7$sgb{qlpU%Ok1Fxq@g-9ug(=E>vS<2(Gl+0+6)TUY zSzkbTtVyf>@#wYM+418{Xp7&VOk7)BVa0|;BpUQx3}lxjZ8;L(Hq&^qM#6H_@4<54 zKZ!Ido;=>DRSBcNo0R+U-P=8kUJtO0FPZhuUgt}797t(y4_kd1|0yeWc)}cfme%YV z+wSxIr>+6kex0O|W9<-cgaWqTh!xc&VEe}{WFf|8|L@4!9oRnJJFsPPv)WDdFSE`7 z+TPY;89@;R%99w1|C};$DE=a=Gal;%6#pldv?UZDo9W%Uw}kJWmKi|)`t@Pv#j{}* zL;eUF8fQ}}(=*=7{f7Ly52{#3?V;U_(m2?kXGnhm|MDfmS-xM=9Q!XeM*rD<650Uw z_mfC+++T~vC?ow~tgt2l{k<)uAqMmxMAq&=|9H$;60&L{x)fmo?cqV=w~5Q`YC z_Yq|6PV1fPrPd3&YqjgY7g(P_|BcAg9ZJ{J$HcnrA5bQ)+n#5I$HSb^ZO^i#Ep^*% zN8(SONX5}IU4Y7;i8L~v+*ORqzn`=>`i;s>;N*Ri8#!6`t6n?#h7{s9P_mH(a6h6~46b^cKwL|bXS%)wP7H8#@ey5L# zA$ZLOAA-NpqPLZGhp(}uEg|@hM_ZoblPKIy(g29J5!FpMu%f#Ys~CuHK||YI3*vp! zZy>e5o%%%2ivLa;8pKwXn?v8ki>D+9b~mC1Ml6j(wGEr|5}Ug zjse`G$l4v?_HH|sGia4B_uR+&f@3W|WUO>KeN+J`e%NsUDqNsU+}u6L3XiuRg}J+r zC2fhd_jPyxS^{v#`2$q8BTR{J-YQ1rV$$A=7mw~YWdrj#IL+QeSPTl~_$<%KH(rGg z%;O+mpNMGy)E_1x6y|YIzcO@RiIvhMXkBk11~F*;DzbKm*1a>26)vrE$bN}+2p~HZ zT;))Do<1iA?N3oA4%#1J#mA$X0PVlUlC}ix+mE-pW+LIajg$cpe?HRCc#>B!5PvRd zkMtXebG~^@w}X0!dQ_Y+jvF2^ywu-{8vyP9AtB>HyN;++2HKy-%3l(Q{ogG*I0j<> z0$IC**b_ZlfnfYu<>2~V))fHP@bN-=ofuR%ZuCL*%@#eZtU7#~C2a|+@9gwKp2XVD z3kV?ic52~I!wSW%XlR=&6ukfX4Z$x2NQmo|y@X&C$04}G!-)z;_k*$q82uiSLW$9+ zQ^DxRVg)n_MjvS*0Wlc;1hW3vU^MY(m1FcF))m0$1cwqSkBU_B<5MhUxZ zj5jfbReV27+7iGI%X^ni@2IzPL-N_kogBBl^mHzWZeol|1ef)lYsO8Z6Osg z;5@XcTX62(MSY(~s~n&IjCDscL!0s>hV8eb^8{@FX$uihR!aVaC2a}YCwl6$M}m8g zOAS=OIPv1AVNGQW4Q+Exh4*y7RluUJ0)$(p9xkhh61f66-*`(gSXS?2{SDy#3`rb^ z_hC`9g6?NyTe4`CgZl~A8vysU@II#WH@#Q!Cw|n4 zm6E3@6Sun`W97yhuEOqqlqGEm;E$i`t!Fd|;XN-m0Pz zi3;N6@UC}8JaeZfEO_#%*BHcuV|y%p@9S>>;Qx@MO{|=-T9x7a$yiBD0^hH-=;|2w z{yk*v4!(Q0a>5z3%E9}$SziFWhlPJfrN`-8VgUaFW#Rz-o2=}3#1a7hcUaPv0RGNX zXgd2#0@rI%Qrz?^2ClavYj<$nyK{R%FRk`%%m2s5B`~}3xjp)< z_I&)P6n6KWBrY7bf7t%8|2|9F61LBt>4%G7iRpbRJplasVu#XC(Dj*vEk?SsWX5|w zUbMQm!JqaQQUY(zy~J4GMKlL|a&^l+MK?CdgQMDgC#M1AUm`K&#<}9$T7mqzSUF7s z`LitqAqMgb$ogXg`F{VdcE~@^I)p*K@6253dHS3f@}Hqh9P-by;^PfjVX2>HNn1kx zU1xBYk(_!zcKv& zysr&fDVD_K3=-e2X{VcL}2eZd|wvG+%tnyWmf6O`p z@H!&HJ}CW79}|P?f1ykqTtCSQk4Gp0uAg8@TY~Ea0@pr;q>zx@*E#|q|89i2@oZYf zK>lV@Dd;zlzY?ISA7QA6crMH2uzr4)JT@V`349gmr3&KjHSk`D5GT!ih?qBu*anJV z%NAb|jQZhP6nwauzV~FMWfMy3aHVAjvUaBrPWMh9$i83gY9Yn?18U)}wxaVWGC?_2 znTQ|EVhv`JGI5R8go9ew)2_cI(59I|ONKcP$Nc>k`#@8B@p(Zs8<|0-3Ri0eN7&dnnIQJ0F zwmH$1@umT4pZO3MP_sx3kLF1i9$p7DL5LmQal+Boydgw>)va=!CmBYZG&&qpFMJI> z=8Yi4Vpe$`F58GTYb@2TdmF@09zgH9x4CR1sszGdxQ=)Q>dXfjS=-GG=FXEWHgC`v zZx6?(35Vh#mKP=vG{Ztf)T|7Th+wEWqhjEnvWr;FcOvB6T^H*z+oZ@g*&^F6WE;Ck zHnEukpVkUKQ7Gj#@m9ZM*Q!~gZjMvl0dJFtrJE7&PkI~V8<20*PkJNRpK#F<2Z4qW zl@5_zi_Rnhvl3Twb#Le#i?15QA>4e@8(lEUMpZ|^P2?ZNm0d)E#7qqj>v=U9l)Z?@ zlz6OFi+I}T+S$y!o?WD`PMrlp^KQ=Dwp+GcL-}%Sz}x5;S(idwE>VQmI^Jw@+^SVU z=;#t%Yj9BBcK!xoVcDAuMFGt)X));YMv;NUhrQT<6Mc5o%^-}dQN*C}Ql?(?9|ygy z#uEGzQ#|3CBNGjJgE?cqwt(_BQPe#!3Mmjzxr8?~#mgGhqWX*8Caa9#of)H?wR1>S z_eN`Oe&U@Ij)mVl!XGn6wQ5&0CL$OYjVhQ-q-Nc^x0#3BR7x3SrPRHhkuQ-V3LCaU z@;C8v0~%!R9pMj=%-$Aig9ApHU{Mims(TxYdU>IyFBsr>4$o_ha^1V7YGe_uG$SQE zYca-BWR^Ud365B~434Vit);p-MEFZlhnQ#4)NA>KJ`PrRC7&>#O<|{}Cd(m4*}~2k>fQ z2$bNM|HPJE-lmFC$$%*af?6ZeE-KkTZ{~H-P9wv6yXm?WXL@Q1ubs)tvTNGqNxQl* zRrlUXDH#DsnQ;xQhhVtXy%D^hxNGl0@N-i&pN$kxZ-V0Qmc`TMdJ@@1qdI9BZl2YF zF+XLxr6MXDg;u~Q%DHC!*oe0iGFi&_!_#j7BDa%-T=%v(%Vk$z%9sepT%?f9b#EQ% zmb$mWDd`w!Pt`E49Wd$^_RJqMMH^VjS-Uf9B0O~#-N(lpxXf6H+=~e2dL5!+XL&F} zjsw>rJ$4p>Vj%+(7;Yx0KwRobI;%v&OCFfmXk5o22{KcfH*y%l%OJrt3>THWHH%b> z83P)nn9*~&Dxx7XvbR#n)a8y*%yUe;?yWV-m+KU-eT2ga#xFz>3ICB%t9v(x-j?+es={lOmX{A{Z(tuJuW%Q%r0xyur{AxwVZRU1?=P&y?;111 ztsKieOj-Hwbm2Qtf`vEepC_Q73-_Ru!Y|RUPos>&Kcin?M+r4=lyZ@xq%wHE>nzWU zEd7ft?Ta<@cKS*MLL=U99xhB#i9}rCQ&b|6R`?1^WQ6hhCjI)Jl=T%ph+j2tqbgCn z;$y%r+1$bj{=nK>c$`0o25-z-5Mb&MFpIT&BO#0|kTYF%= zmwxI|wZwFRwS_f`MJ{Df zz{4}*{mbZ(!aLCTV?)jh_0t&S*c%00Kv*1zHLuvm$I$Eb{%a#cIOSj*8!SRgb@ PVgc^)43T)Zg}k^+JplBTf--W?u<`8bi3#1laiFG2)Jo&>;)+1cc6z%1{`>F$|Nict?!TWN|J6_Z=S}QCf0x@Zt@_%$ zUM|<|vf;M;sj^*a){MH>dcHOD-qusCyg%*eS6#d5l#G_Y2{}rpRV_P4y>+SO@1*RW zRdwe@`AOF(d6r!di<{%-ggJSsl{csTanJIqhVsh4xo&tRy*lsWe^z~E{=89Z7>@2W z9pfBNYEfa79XoHV5mUVsd0&fjKGD#@r`Iy~_|t{3VdhqULbT_MKZa_J)|qBe_j9`E zIaaahK@QaJtybBkHcpnRy6YklzsKu(jsKb|HyiSysFzk9W0~?a{Yg(>p;s+)m$}c} zZr)&SHTU};I#jEBhf0SYa}CEm^wBM${3#zS4DI`6m;%Z(?uG>hgYf845l;lCWuE12`eI-pv{}iM>94NeYjt6!b{f`J1n{bhZCTpy#O8X3>b` zR5SV0YqjbEYX^+J;TX`{D@KdTK8&&t3bp?Afz+BS#i2lN+xup|vA#gM4|S`rX!deU zjS>JOA&E47GgF!Eyh8zZWS;@VndAPhsCv!^GHy$k61O``JnwIV^36eLtR8;{Rm=LE zJsYZ=&5F57Laj-mn$?iuX~uAz+w0l|6)>FiO7i^PG@hr3XU^~xRoj`@UrglnI>sw7 z7qayXr)mLXR1wF_Ojtu;tzkK}%s49(=G?<-0GkDyxe41*GjBc^2m!xjn?K#T&HiS) z-7-Fj#(k7&3+pz5kwUx!#t0{Z+W3R4@C#`b*4rz5fmhhs6ay9cHDr7qoPC6QW~l8{ zfLTIBp9IT%WVeoF4X(V08*H``!>gz+_0`T3CW1P95W@xi04;5#W5e5tJhYCJ0F zx$)gIJ_m{dodQEr3f-%dH-mRax3>Hosk~jRV9?TvSfxKvv&&8LYCEIIfH43EZ*#(* zT5eXWOf}4B{9M7aO9g1L2gUe-`ON!U7<5pQ$Uru}Xzu4MfyK9ym=sVd*>z7Hcc}xX zX)=x#M{k&lzArhOH*I>Pt}%A3Wvj$olx90x8Ro}EVY8avXjIoV&oneo4y`nSw;Jr! zw9A@jYj)Ao;iUDPGW^hLC{3fX+bby{Hy=@G z?TOKnV+tA>9|4TTM}_04!78`t^&J=^!fi9v_ZNpSV5M>rJdETl4F3Usk*k- zbm5oao3Q?1(S%p8YDIfZbBq;Ow~GYLZhDQTr(HFzl1WA3S%77l?&j2vcAnBM!oyrR zJgXhK^b030YgaLs4lo>#a9LDMy;&;)`Qbsz7S=eZ0+)CwYs=u5a!~DnNV`n#ByY^a z_lbH=+;{9U%eJPmIXi31y7K#~RYsk9y{wsrwPJcR=J!S!X_**dtcrE@@W7(gYV9aztBy8Fkr^%`z4qnF-wjj-VIUtMYShDir0&_N8Tz`G-6dq51E4N#23T$39h6Hy>ylXCv)O*z~AN* zO5tA`h?)BaG7*K1^fqi$j45cvR#=uopfylCKJXJ{qDrIErLrrkjA8#y3jI?EeP$r( zJUA4XP}oUt*Ny3b5-7mlWWZ6X`GbL4eOFfG3a7M{csqOX<&_oU`o@z}5m$*3d5(sU zg<{n%t*V2_H?ZDjeN79Nk+giRS@kS7fsB`tGrsE+o2V%2Uy-!faz9_m zjXIq-b`nNl3A^KBQb_;T80pU4tV|+^ALeZGgzvq`Td6Uj%SQ{)!)2EKhzy3xQ&tWmQ{8itsLLkm6LdN|CKpPPae9$Isu z(YaoPZ3>k~npJC54f-_5S-Wr)OFpd6X>@mHxJ^+sXD_A`oo#BnP(#+}Km*6oG^$muo5-2-CY`t;#L< z$$Wyc%0i4(eg-eZ`buPS8|Shgi+DrCBFG^wTSm29h-5NVPJhhxEH^@>66lwp_Q z%rlZUp+&PsbWc4f3GqUw#amg3jos_`>>Z`X;D!;rqB|CQ(yO5PxO~zcu8Xxzj#moK zaZXCL5^J5aYG0XKG-;{(G_AMKE$U9y)?6LfMlE4zr`+X{@*WZAdWI z&;cdOYhCjv@#w8Luzli(EU$-eZHCvXv_P2UbsI*BzIU{q^{4T9SbV54e}J#l>kDiM z*D{|WB>Mp8h)c5a9G*fT-7*_~MyH>$%`Z?HWeC@~Ayk8Cv#7yWYT&|;R*J9ss=WqM zk0(oJzMO@b7f}fNSyDdi%MPe~7MXkPfR~WB@>}@dvz5=`|K<-WzfFJIMUC;mX4U_; z=`40YXfHqgyejwhJWB<@T}C*2`RR`U&|ZG}qr-(XA}e5v(;fz_fv5s(jBfAHMjQd$ zL`(aJH>qp!4(P$9@2fPR0BO2LHc}@g*;iR*St~aF1Xd_)L|r}he<2WX0ehoLrmN*K zTAgK1g4Tx>pLgW&;ls@3oe7t9MG@xo@KrJ(C0&dduvXR-F8p0VK2c?0mu=}%SpSRK z)H6y5ME_eR0T@RV(J5J_Rp|yJTOpBvNA_FtwQXyZR%aAY&}#~X(mGK^?7jeF2MBio z3@(!>Om@WPTeGxI)X+_+Q#5uV4GSbI6Qp>LWntjRsKk5cki~l{OY3?RFSgPM*GFa> z$T*fN1$`+CEAJYWpbNbUI_~)5rj7S)jxQn4Y+r~br4}dE6NLXahDzx`(JzFlwVSIJYni;r%3xvA>H<*Ulpbs`w9^iRC5CGU`GX+HmS+riCK39#DI5pbA4!ukJ~|c!?9RwZf)n6Bk3tFSFqAwj z@P8;qE1fR^{%>b|b3 zggigf6P8J7#Yyyp+TZA6^Zldt(iLmag?57M2TwilNU+Mzzt=KA&PNy8r^CtuxK>i6 zXzG0_l7Q(7Q=~SSrsQG4^fNJ9J>kgHjIYjFGsE=zK)4HzaGCT7(;v^$I#I(=VES`e z82F7*iT8yei}$NpTGyj^W6S6)V!~cJbS%O9u=0ufKV)I$TcZ;6cX}0c9H`@_odnbg zc{(hvcR(?TN^w#>0rpB4sr3!mOULn1TyAvD7j0YpCVCtj_Y5|)et2195B%r}Kj5J| zj=ruPSUNyEgFMGzhbOTyl9#CVHq)w4sNRDN+}+XLzR$79MH} zg%TE$D7h~WHAa0Nu*V-HXE(>FrE?~hl5S+2bG3o-C~sHFWb) zau*J>n?S(vWGU(sS(tffRH8oBtEl5J8rQ!h7;Vq9Ll}+9&KNjPC;f_5BG$+jF6$1%p7+^2;8K4D1}+txK0^0n;inl zixVKpc>X4(V6>HieW&D*efHkIOkLppQ>@QmPSJ%UN**5Ge>g_1Gl-Ll2)uuuan?C& zX1xCh2zSAIE|nhf{)H^96E$?hd%3?yjF)AC?D#KdVc^A4iT9-;i}yQOTGyj^<9<^J zIi4&<{nuHT`R=Gh{YtN*j=R&ic_+EkggnpxBm%1JoH)llIj#3}>74$Z)`#(ppipX- zb&bwH&|yA4|4DUK=h$}fba&^AVl#WIqC zm`6}@Uw$QJYO#RSGf~}yLc5Ylc-l2BmD@Z&mW}ZPi1MLsHK}{ zNu8iw%2M&WMkU%pHqmz6q1(*Tx*o+U{d0=Let#AQo*9*RpB=JzKb56*J&HH(nY%jd z&u3xgbE6XV@AN9_xWgv#sJNNruoLnukHW2B?#dkt=FY;kNXUva(UT8;V;6b1`QUV_ z7M)etS6S|1&v2P%rPGpW;r)n#M|jp#Jy1Qtvj(w;%>5!{>a;)MG>Z-ng(<VPgnQtYrx6uUL|ju?S=xlG0A(0SP=OiZK$n=hR?FqxGBU;gl;Vk5CL8!S!<)AjEz^4(f z*{N%1j3%v>o-sTM6YS34k~{0zB?C*U^%ZQQ=Ane{IEH1_hjHA|K|EY`$U$4gGB1w? zM{)H|V?IqM%TF1)Q%A|U$L%VjKx=m$p4U#CKK1B4TnUw$3{#b2P89=5xJq|Yu(I>MMb=g zt38RJ8_@D7b3rthh0s_e=vQtAP=%o#eORL&ME$PpqgT;b0h3gB7#@ZQ2FM(S4ya5a zPjKST|Jre^GXmgFe&xjmLWlwUPS6vMR2u^Akb+}au6C|u)(u1wbuzgTwWj^N zjz1>A6QKBjzHYcgjKEC9992=0ebNhKUp%J7z98_dvVilq*sKg19P|qg?1%w?( zp*Vzn^`}8{fr!37yv6{QhM@?ASQ%77>FK4udOB)~Z-M3TPFGCvEg0)4rbsb7L;(KE z0=-HzMIzX4imzhi5}M*9KU*CRjlyR+E~@p_q_%O9Ig9vL+c79Y2m((>7!2Jhlx&1h zz>17AI1+IRI^H%g#`62SFD^ZKtEw4~$yS^ZoTV&t% zft!fzNP&eAj2T10^D+YTIf@@dk)83m1!KPa49d_C9GM0(vXdJKY5{zv94xj+zN~xt zthSE*1c;nzJ4GA8ie|N{y;3M!4wa9D0Ab@y`tE~}ln5}5h(#+^d>N|pO=3V(@Kb6! zbUlZx4WIsXr(~keWy{Mip|%UNnuB4nUBixI>{dvw{1R$^povRKh#P#uDn)~wuoj7s zVXQ56F$U(l4Il=DIf?`*!MYK9mwXIA|M>AE*B3Ls-fezNn%~}HmYX|{Os&~#XRvBp= z7s7dOntD=Lj&xS-$G*+xSO$CEFBrI|+2vLhh zHApD=GR0|O z6H&^-*hzr6slvj}Cj6z32Xq0B?a*KruS<3f;dYH6j3J6Io_&lKs~@b7Q7oLFpC`M0+cH#CNJ|L|M;pJ;grLvVU{C;z5F)`MkFm^F3jj@GnE~kl%V1a? z1c4$cD#1#+s&rs_N*RbESb5-qph#K_iuiXFOx?!gK2MAgu*l=BICitqHh7>_g-Hx8 z`W#tIp$LoH+&Y<~m7S0A!NjlO4~E|#$Dd%d)NPESP!`Y*r0JZ zN2ficSR^Kxzq){+N4UXa0V^zgJfPhhy|E(ULY$LI!jY_C5RaIB2Mzd^4%&bIRY7z>fb!%j^! z*6Hex=)E7*cYj7i_Eo-uKdC1`Xr7MYVv9#pRl-_TzKxPj|1WV-XYI%{>(s_Y~6yXmk`@YKWv#gab;ZGC}qLz4j@~HcA`>_R4pO!-Y(U&V@mkwBg|V zFq1amd`n)92}sE*tfgCs!0+=^h~xJhBioY+9%Na&+Rz&olUG0j@a*_ru9umyMy0dI z8?}L8&*)d?>76<_>@_7G@ztknLtnna#et8e#2EIj#j$aMGpvB)bE%5g4>*3XOCPhZQ^}*=kE7^d;P~cj;K=%ZV-9w&F>wPOZ|X9a zRyv!?^bMWAO@%mgzMs{Zj!k0p@(jz`6*^BY4sY={fZL(clo0(=OnB*H*l-a2ulnuV zQA708AuwVEG2^%tB{?`RF=W1g|MQiwi~O@dXRN-IjMhItET$50`magBI8JW`PLzxgCJBgTXttrH6MQ~Cnu-&E z^JAn^95|KjHi}_=B30-5LCueJ>E0C7{0xc?hMI55gqpI~HYQ}Yn8+DqiVajs&(h1j zA@dKY5Qog?81Zxr5|H`JENfTDyyc;;o4W$k>?NxN&OeVeHJ#}V2b|yNwh5xvlRdnQdZJ7Brl9K*iVlXZ*@mBrL^dSE9%mv4#OCDwd8KdZwTdU{_9W)) z6)MCBpo@%r`dCg3K;O!;b_Lm+Pj%bdAHZo3IVEuZ!&pPpS>ABN&nNrshxCpfeBORG z9DdS4jEu-dMaAGVam(0=;Z>3VjQ@gEh6CdmaiW;bXH&JQA4vT5E*+NwiNAxQgF)gw znP%in78?=_Kh1;&qvXCp@GDe^gWx9^*>pq^Aox+1wJQkTo%PgGfQ{J+NXYz7 zOf2aQ+;EWj?S6Z0)R6gZiDtNPFe_xDD2L39o6QtV9h8d%O#M63sQ^sDg!Um@HvB`|e^bNQ-kbZE${eG7YR;KoU%d&O_ z+y{fhWCNY!4A6H-)Fc!iPPGm5Hk?^HfPXWWm=0|?D4s*}dYtz2{v0(F%f(ZEW3UP!z!-z*+a2#gDkoF|Y+7)3B^mwK{z|fxaOO(78YjisM8xAGk-*2Cc z8YS1|fHjCNkQFFvIF8(`4K#3-$JBzL2w8{FqA~YhPC(KxkdARAoeJtv!1Rl$D%cO0 zzR;z&Q^52^6depqvmFf%<*_00^f#Hn`y0qonZ9B6-%ueAv!7*krsI@=*?-Qmc7@r~ zLk;v1fbo#2O2~dWCct!2Y&gjN%YOTJ)R6r|2-zZnOGb8eY8efm1gQ0OYry7W3LxS;ECU1c8R)iQ*dX&=D z9!<9wju({!REPuaCPp_MWdz{KTWC2WW~C$pfk;4|(NQ*`ZdQ0MW1CsX%ndr2^4=DZ@|}9IgYUj0+ALioPZgEhVxc zhrv6U$QeY35qy=trPpfTrdyO)dN@jjI7Dw_l+S27yIpx^bQ|dd}vr}FDjQ=Yt#4-Ml zSk39+B{2RES=O!?U;pu5M-jmOkGopw30{qLLAo$EoG18xzZx=XPwIi`OT zlR2D0ABQ!ljN0SrHYnCT?xRB74eVugrX!bd1FvIQySjn-;IM|$A6;+$+3WXPOv3Ox zVj@Uyj1a-Ih{!KQaHd}oq{}$6)R3O_3&g~}3cqxyb5?(h?l)?k+(KIYtGvvw;7{B> z{p*$60}-{nzQS))(&Kx>Kg4PH2{hEKX2o2kD*p-39$YGkTVJ{KaFbzYrl}xZeQoYD z-^vx#tdhXvW%8BJ;zmm!mpaxSER(oPhqhLxakP$?ztif+?n??w)UCZgR8`4WBi*r0?oPnw!}G4 zUZ5zFa3$xhIMjo~JwfJq@n$|T^MUXLkeP!_whEchJ(*kL9jSJLKfy2DZke;h^k#pj zxID2S($DzYgA}@vyLHB&!b-b`3*21XCy99NxXQ2U&f_LNl0doTPdu(yn}#dzR@!yO zpT^a{6kqmsaVm+hW(|_}2xu zpet`qZuWP$M#-Z)&DQ9W!xmC@(lu%g+zVQx4dyQB?c*u92au%{=-Rge(+u#7>O=uj z6_&6aySr@1E8yNhqY4A@bEaMmAIJSY#u}n~(gl)DH^?;ZkC%;Na|QHv(k)C76msC& z%oko8MXhK3o$RW-f>AHobg6pFpKf}~b9c|V7JlCleOWLZ$94)PuB@yY4unjs zmb{j~i{G)PP#I@bTK@jnn;418pOBXCg7kAn`Juw;1)7|2oGg;d;74*=RsHP>sa|OZN;cqnVJ1RW4w&;qg3HOk8q8ULI~s#4Ecu1^Ai6_jE6`p7w*`aUOTSQw zYdCbxCHjV_mC@zf9Q|te2o>E!CI!s_l$tPs8bVp0-hIH|*)SUN5+-WQc1kJYis}Mc zhX2Ok{%$0@^Nn@SwCnS>vvR2AUr#w11ISq*tf<1=TK*K$=WaWE4D#IRESF;BDMgb1 z*?>G9BPNwyHJo|N@RnH}u=zu#SF573X?OrwQQ0$FC#U@V(8*dMG|%vwbX?0z8gk9w z?XK57eXU?xD<-bPHle>`)11YEL3g4Bp2=el8O6BOXxms zZ;&z*Axf{}_P%RS4ZFlIvEn#z4ccRua5EruAOMEz2r6(9X)K>rBju%-FU%Up7$iYw zYDJ?A6J7@kreS!f+`Q?!>gV+VmmK!eLoP2u@qhS0WJ5tl+ovc5i+80MZH_vV9yy!q<8;NFO@0n=R71L#-;;5xCFEMUnnIgk1S1WO;JTeP8QQm?*yL v!PwE&E|ij29HLt!d0Uvw^lF<`FIAgm(&H7vqFk8(m?o|WipdaCQDC}d7T|dLdY!HoJliG7Em(0yngR?-&gatyk%yZ z5CswFhO3F@fuQV!9pzW~5fv5rQBXmVMfp`kW#42`*0B8FsqNNXtKM{Xe$dS8d#mbf zbRU2M^qBmIzMoQgoyE@tHfQ|L(rA`Mo@%PF`sV@FnUFo&L zi^)>?c-xzzKD}U7w=_*neSd?$!(Z#4<1hDj2L5=x(H$?3-`(-ro$h3^Uborl)$679%y?8Z zg?0z*?mD!rH|Z}4R#qDo@01})A!Pqtu;-r#8Sch^7vjH*@!uX|71APFz{XgxqE)K4 z`@!~lv(l@1*N;Xq^@DAqVQ=idKQz(pmwNuC{@#%L34a%4?5`2Z63+HUbtAZBznI+7 zJG`#ntaL`Fn(fg8&Bj!<;x)?N=z&lyV*a-eG(@TdDB6el81|Pc#Z|QUHk4t47KYH`NgLm9qs8{;L^U`2_xz{GGD@q;n?+VtcTU^-=EeTe4ylxko3{%>q zZDXq4Y;?Uwr5_C4Q>yha3!26a6T$Gb*YKbg&2}Fbl@heHTdKEku|^;&0{C%Uj>yYi zyN0WE-DbH++DWZIw~}UfrXOscYBsx#X4f+s4=oMWkzqD^_2Marzuw24^&MzLt5|N< z$=*8vxkKFXY97B+JPExmDjNYtIY1iCM6k9EEpK;=HSdI1>mOPcjQFLRzFZk>@=jGD zt!}B?>!?mEgOwF;vNsKM>ra;2WcBFL_DXf!8Sb`AWsjKZ&j#zOjaIK)gpM>TEqD9DhGwrDg|d=E=?6PwEin-O{lR(x zG$cR`Jtx`_8yRdQ20DbHjrD+f1uHbqZ+-I<*?UkGDO0nX#pd3I$ z_G!3O?pSf-plY8vT!j-*x+34LdaJ1I0rSmoRACD3MyW;$w}Icm zq&GUGmEo;c$Lm#^#Zz_C^o`yrI8zT~g(JE0mb=9hRqka8Rri>-GO-F4jYALdwLu$mwIvn z(6iX}>QJ066lFE;@4fKyt0B+z?WuAMJlzSwU!=gphm^>Yj(hDw)$2}i9Pmctez#r& zvf*xN62@KW`u#(zgPkyydQp1~%|Nl!BHf(}Hg;wj-O{O|U!C@A_zz~aqShpfT-(7) z)h*uNgS+WKP+R!5xGdJ1Snz~scb5GU=)v>}HvlPf5n}Z5UJEEFj^M$8bWd~8o@Tk) zn1T){f3=xBSf@7`>sPIlS=E{);Us9;Ki-GV)F-_PJj)D7@I9{!B-_g9b-d`+OVwHt zAy3=mi~nq}Nd_%Y*4mWtwsXO9uWpUMdF~P7 zr|o$aT4#^U%Q^w6Gd@WODO4b!a1ukEcA3MzZT_&;YW4y+co7at0}6)tDm@)~oZ;pP zxIV1g6h{RsVcVEJaEoZoYjj{VBEHZkPsnx7`h#iCN zMqeW&GNuDSNE$Hdez2xK)9Drw5yEo&!P#OgYZbaa*0D|j22w3!Jt(#MUa+dwZZhZ* zL@3-ItfAa&&9sGH-+$%hS3GI&m6u<6A*00ccTh=;b>+?n^U9vTCG~u ztBl?We@%9N+35Zz;>%|1ve8?;cD>Y?8QnK=aMZhQsxx|*SN3n~O^)7LpS%strD`2; ze6L#9eL)B~^s)E{8*V90R!fc1Lp`t6LO(=pZLGy`ACUDGg{ume_k*p5IEpfG@L+lC zWNgssO_5U$)|8vI8u;XM60CV@y8^FNIY?_FboD3&fjpuNHo^+J?OwUtLwlFPZnSji zXEj-8rFjzbv7CY+|6hB-dgYlqkT={1BFho&tvdY@`Ra15SMjKsyfyc%Bjk6Ad^*tI zm=6RDyoGNIf^C?Q>)@F1duSo9m}*%}InT&2oYIz{hsHQoHO=HcyEgUPnQMN3E7M)59EO ztvTIV%A45BsYO(%qtY>mg;nY-&zUZkL5gAeHZ=m zTO$;c?45+ahT|Ne7z5!Jwe*6srTM~P`(7JS0eK^=7Zl*m216%AG)tKO*8i~o&WRWG z{lE7=%Kr#9NmDcC2eHBmE@KEAm2e*=1R~;o zFw8HDQ}u3tLUdTILaV<2Y;k9eSa}c+V76)RqgJAlXg^a(rKkpSvGZ+Ru>FBHqUQ$- z52&^WAAm_b*cSswr#&e3scx}Ut2Iv+r+UwR_DqpSFIcR(rOgGaWS>5)(5&vM`!!hS3n~E^elM+5D zU!{qa7E{V6^tE#W*IM35xV%nZ-dx|BnHF0PzF_w!v|?=5L5H3$OsM2iPRpjSPqQWF zLC%=}Z~kXAs13?@6(_NTVetvEtUK-@{F2)dP1UAOuZ18NcBxyio92^9TW7unhjQ2J z2o_~9e5|k0jbOuG^jcMT1~n1<7OcX!wV4NBaw#iL)k}Cm;xZ%xpetOC!7>WS zIr_B?gccnHXq3I_PfUEKc|s)kc~sa|ENjaBHa;!DcWaZS3~jTQckh|Bmc*O^bK%Tei0oe zVHdC?HF^`j@7<5^Q#mwA>KZiyW~*c~(yeuh@EO&q8Fgz7-6|tuZPQ*>ARFl+Bq)M+ zq>2JQ$(UIAHfN>2Yj38H)~j>wfe2&%L0Y>BIWd9ny`EBJdZ@pK3u0fgbEov2OH@L2|LvOEwk(B9W-u!0}L4s9T+?QY^Qs*Ersw2t@Z0v~CP@fY#XV{} zDF6r&!Bt9YST1f0F6cJmXKC)bYX|WRc)Jn2nN%RGEAqXLR*oxaVh<#DbaIs7 ziF;dYDajv;O;;#O(E}!e)t$15vzn!i95TZEGBQNm9HOEY?TBgMy^vN#@EUF3#K)gR zz(DC8_(}vEBZ%Ls&&H5aO_Sh%*8iM#m>YP^!_`*BS-Ner(Pk*F3?KZ@`(IF9{V#@p z%kVO`rug6X|6BL|AOAc0@9+CR(0~8Xe@y@VP5)c!??4a-9tpU!uit-RVk-18*8SO8+(O1a;Q8D zxK-|)ln;_|?H0Q5nK5XC4sS2BlYVRZVFB*rCBT)vsLUxA&e8iKw zUC_XDFA{>DF&X?5Vg+5d`CkgzKw<|Q96>6FkKR0qAI_Km<*@r&-kr<`ieyf?5Ogdt ziOru#S!#-fH6Zdpf(GeU1nj0_2+b0!FfFo5EXxX`;dBX1LKtCWrI}OPE5S_C;sQZ} z91oAxCNDq4LkT%Al>Dhk&lH!eMgwR~O0u;HDvW>doLU`QA0SUggWml}3SeDqgL6qFulybiC23 zkITL{T{Z4?t{KNn?XA~qd&@*2I){?v0Sy67kfJ zLXBZ-Db0Eco11B>79!nRK@5&Nq|6kOh-Sp+yeP^;I)864B63Fs>KG=HlKGn<1b;oO zcPN_)cq0NHPaI5$TN}kKLY_eXBx{Qp$lGYqLc~rX2`6X0Xj2s= z_%?BWySQ&GcREhuDv~oNJ<*A00N~${G^?VF12tBxt`8wm$V}?ZSvf1b-}dfD5wKhIy%G=j z)ljM{Nb=gA*llC~#77%VT_h2)M5uW*TBx2(8;C=wxs&!9O{GQ|@fYnadCQq0CfO1S zBv|&W^OU}x6ZS)e5_(9*4kY0O1-IVRejnd`2%y8zb{WRN(ZNh~iWU1+D)WzuBqk*C z(bA!%+9=l1xKP!kDxFPt>!stK(p}2uK+;VVIc1kE9q4n-6N|4(?-?=HCfFyhA(&HX z5{8`BN7-wjZNa%uZFr+#)*CgVUds0BeDS(Fs-3b|!*&PK?}R43Ss_WW;Ek#+X%MO< z-TpM?p;&^|szf6dYMTPlXkxS7MNtDOl%A5!nX0wiZX$!Bt2$Z*2nC9>!Y@#LhVspq zJbCXgo`30m(j%|qT^im=5)7JG^cqy~<9p&Qyp6(79cd6~-bR#h&~lq^Mj)cc2r7G& zGwF8q{(VE4Du~8O4X6o+wwcndSmM*#HkOMb7C-LIK>PWzj!7sB zi)z9sx6m-rz;%fVNJ>Y}qEs$Qv?MIb|ML?Ayl|~JI!_cSi?qJ<8uw!@qn&xB*qv#4 zGF2#f-v;%EDS9;&JbP4y=gocp!@;m_;n|5T`cid75HZ2N2rDF?wKZ(6cqb^~#IrFt z-LMx{r@NgQc9ZB-MkH8zMc8e9*p2U5Qt=$0geu}F3{{1sr`jt#l}5KQgoEA`wWdO9 zdv!W^5p6#s94k_W$`{XR@Mncx>eU7cD($)~FB^Ca!F8~%3w1}*MM=(}Q6#)6BcmEO zgcw8#C0HYU@@<&1P+&X4epD48)qq)2Mh2D|@@$A-cN57=WIz?p?IA4AIQAkU@ZK=q z>$K^-!MIO|+gwy9C2RSXf7-^X2;|-YI?K7`D?2s`g+;z9o2pG1aUAckL%{(oQCtdLl3G$i zvS?pet<$-qaO=RiB1*_FAt#QeU^t{l&~br6qdUPb>I_#=Y)6pyrKEIB7Tn#z_hGVl zpeMY25}vHYp)yXzN(p7V>L;rR$oJA=CCM3Ei5-_*9?nudv1*{x2@eGFa*j^%z}-$RPkt2n+!`eZH}8_po}_ zRp6^jMIizTL5rmZL?es3lJqTPoieW{oF`A-36{?^8)-=(=Z)=43(Bn=yZ>RJ&RwL^yG1 zj~Kp{pYajJRyvo07`sOMK<~7c{>8VqNqi6=tK?W6S4U5v?B6Cbk3}c^Bv2la9gbgVjxvH#m-MF z;29jE+%Zv%QnA1r;a|H23X6hNWQE00^ymELFynN@fanD4ldD4X;U?@5Ig zjGOJ^Orva04zE;kR$mW4lQSTOSDL71Ql*S9NK)|x7oyk$W9P|bgk$|W-x>6St4;V(h|o!#<(7x@3*xF%xOw8h&Hdo^>|q@Q zs;~t$PF@!FL&FcCMLvk3&Q>D~epWUtffP~vq&OwhaiNgU4S&R;aK{})?7nOS>X8E} zFL_zG4W*stG?vf(^7)wHST>CL61k6Pd^8(=IEnd_o++jX0QlA8uzbJStf(mp+eu5p z_QHWuuk7RSyBdHawb^9y*cnx3@;3^yd9QF3XmQXI<;a<%T95m|tFl3cge?f?$k8^u znxZWPPF#z&!mXtq%&XKmy8o6#ymvo9pclp;Y5JEb_jCg?@E)l)a0;?^7>UAua7Q+t z43j$CoTf8_<$=vABq3j}>7u&z2-$M3>&P&x{rjKR51yROXGm8HW`*{u?D6RWznko9 zG%`w>yQ!Z2U`JXP0TResFg#zFw__(?@(!;IXeEZlkGifC}q;%|3#SLk&64baRxR zuphiF7pqf{WJ=V8W+(@yWRUgpPJ}*QMJSKCYTjppkE)UD^c!-M%+acK>k+X;_k&## z6bS{%jo3mOQn1|KX?Bt3C?7SJ?40P&^Z*K)dC&9;Pa_X`AVRo#QOsCH(kL3(LGYk! z;87EY5BGx`Od_MRneM}$)+-^8U-QH||L*MJ;Y7Im0u$PNHTMoW=YV`t6=|}h7B6(1 z9&%d{UjFqaFHymUeIIYhP^@Fxa%A?4CAp=-0cgFoQEIQYTSj=+56+M97}}}f3{PW~ z6#JZo4mLue7r5dtG<5%66&$xV-NqlQYp7u(K$Fcp!od4cR4?PxRoe!BG< zQivMzBHDx4WZz;EpJfk9+YB=AAq&P6a#|!4xquAS%Uhxk9@wYX=7rV-gLu9u9Ly#- zLlaW=LjB;LY%sv+$akov$hFDXWIl0W2=6rFS}vW43(C?9@{^%^31fzSa8tHaGK3q; z-SmTNvO#1l+BZ+!ezYGvHG7=DZCIQ>IU>IGZn0T;^e!*<1U19-Z1bL2jbgyZQgJcg*M3rM&>9b)uf z+JEJQ-@tQ*Z=UntI_LlHoL|N1LFBL>_21~f z)Bgh>&+X0N!OAzx_JY+^4ndiQviM`{TPQ)@y6;mTf9Y#Bo^>rdcZIszw)N%g%ew9C zdmdw}bla{Eevz%#R~NnX0Q;`)S$OjM*%$QHHJ|?*_L#nU@@HSbHtKQv-u^{4tgmkS z*GJe7bUI*DL)I`;u-uRlAFA(`^q_JyX~*o zR(}$I1P5<>W z_HBLjFV){;7pk7G9eHd$`;lsU?R8K7E?cSFo^s%=Y`eZX@K+yWpVK|>KKJ?ToBHbb z$G^dr>z)t3`RVL@ef7|*A7fwFJzx3p)oh(^d-UQ9*;jSj+paILHM;Hh-uh0qOkcg{ zBm3A-bk9GzXC?cozWTFmKV&;~&-Z`r3bsUFef*d1VrS^9Pe0|;Y*b%;@sW$z+4}0s z?|qc*)>q$t_dRTvzIyB@PhekE_+Gd2ckf_lskYZ`Sou%v8@lbxXMKTf(QW75^9FW- zzPg~->;-sA7fU#$8R&sp|C7NQS@gvDZ~odV{sm%AF=MS`wX*Y1N@+lSW*cY81vKnXkMG z_Skxd?}dAquf>ESeULFj;h+q1jJ_s05Ay{+DKayeiMI{vlBO(i2-~4(ASr;Xp?Z=i zY@lIRMkJ9n?5N%s2&5Ed(C7;yqYd`3BNRn6(Vqel>K|Pj;{CImT1Uib5XjF7zHAX=MYI}97^xzap(HK{;QLIJ%-Ni=n zn0*jeIUXwkITtO*Nq>D zmkY&I(q@CkMi&L3G{=T{OfiV|Bs3`DY0N=J&Pj}-z02v6Njn`H8+G$48>IYGGW{bk z)6R%SMv*^T%|><3kVb8KF3 z0gP=HjJQaUfgL5K9EhO>MP%5ZMx?x8aUnP|5QNTCqoU*i@l;-TR0(GY5h_pkxS$K3 zvG7bu!3B@Q)F}Hox)59_vr`k_3)bOX5%f%Fsdln7)9F8i2SBk?F41dKrHS1D6AMgmT$D6l_<|Sw*)r>cv6*iM96OFx5Qxcl8gra9Y^4lyGj9mZVY%li4}6O zY^56)l<-PHbY2Wmasv^f+Te(avScZ!)MUtPPJzyhXnCFE2%GY04zTGopN7515jJJs zQedlzR&?`fvIc&wBXG*mr2vl$1(}(U@B@ypDVvu9J5D%7T_Nxzj=(AJmjXOaI2~!w zLOJFLn=*tcu;YaD^DG)Ta|BMg#1!CXOO034X;v^bj+2f!DCwAjBQ6}OGi%tt;s~44 zlPR!w#OOCOp&^oAcSJ&o%oHSX2I%yvX5iJ1uqox40()nSfiO^ux`ekoqMQsKLeqPC;`~HdpChXVeiN<-k+$<**fTKzkk0(7rMS%~>(FLI)K3xa%BI(2mjpMW_!U zid!8~P-Q#?g_;~QpKTroRu2hiox95sA7$H9@SQKEmW3~(cqK<%l%h|;wa0?%sLs`g z;%qpgq`ZC#$}=U(aHen^oYFrbh6fxmP$eJ*g9#;$asTLuhRQAjpouHpXC2W{ttJJH`iNJQ8+z?=8;uyp#_za zQZVngVZPH^QwnK0!;u!MKc&!ets5=zLR5(V0!RFm$4bGUZl^-&LL^r>BB5+p3X*iM z6Q*86L^nDjqP$uPqOEDt451%#giaNu6zCU+(2Yt@%9Ci?G@s#!kjhXg2-WBQ;1NuO zVLd8j&2z*=wW}0N#u8*=GKyFss zvO=h2Xw>sUTz}w*i)w!{?B&X0F9N^$d}-HZ~_{8%@m^f5ou%_!H) zk8?B1%<`k$jMAw57&oJ&CqKf?C_~AQZ!^jx@}t{~vVQ#7Hlx%WKeEjzk;ac}Gs<=G zquPwpQT&)Tql^(hqRl9$!;fb(%DV8Q*^Ck+{8%=l)CE71%_ytDk7G01`17OKjJD+b z7&fC_Ge3gOXmiU;JB;?A{A3oR-621A&1mn&k6bg_Qt{)~jJ7`fs5PSv3O{DeXdA(g zSThRo`SEH-5ja0u%_v0X$Eq2{vHVCiqfnC{r)Crl@}ty@0yKV%no-Eak5DrTVfgWB zMgasrI?ZS)=k+E=>n$%WFRI5Z>MPo()0Z-KhceV=r@=pTP+2zAA#(=f)`cj z#p@>f_$U_e^xD-vKdg;U5AzoGgt0tQ?iQlpeY9DB zG=z7i4bK+-fa#K#17b({S$<~IG?163(f0*)48i(ol#%G2kO>b=dT4@9M^~8^`QifQ%ZC zzdcwH<@$LRu4zi7qW_|W8AkyHTjPq(DI!GDO*~*jWYzRj76^t;_8huOO&3$-r0MrK zLWQPNQQvLa-8Efp6P2cCp9pv#2pwGOiRNsr|5FF%rPlv3@9M_>e6)UJwgmpuA_2n! zK4W1l-2xKA3P$4=kf6@6hJUpowOYgfwLmbe;U68kN^1~P=VT3k=m-_oKqpV!)WO{v z)ILO6LtX;&Z1RnuZE%N9WM(V+>mB%&ivAkj)s5r%DEjgU(;u`jZRq(2EWD)ac|tx(hfV|; zYW^2CJXSUTGYbSm&Hu!qt5kC_K~8G^N=K+rb2?D(HtFta9(U-`W4l9ZPDjs)&TKtj z4w!k1JxN^Z`4ZmMjph01`HCplV-~IrMZeI(OuC{c1eA2>oFYTh&$l76YWler2!^Jg z2Zf1InX@~jt6(>L}s?4R~)1$6}`l}x^X-oMPD9a zdd|YMq318O@RF|Q3Hc-)IuT^3`SWdftZM#T3j{;WA9Uy{)m%)FlbS!v5h@%yJ!s@M z>F#PCcj(av3O)ql2G?_hN6Gb!c4lNCj^vq z=$s-$(?4fJWYzTlus|?0{ofqAN=+A23W}#Q?Ntj*VAUjQ2(24_^j%` z-vYr<|ED-~mFh1h%t`%69ic+~>48i)C2&{&csvt%(&fdVZE!zNWM-@ViyZise*RZ@ zS2vF5qxQ=qOuxgzw4v^AweXUz?g{xM;~65zQ1dt0@L1LS4HgK7n!nbet5kC_K~8G^ zJV&Tdb9y$|ZPMMuze`ZUJ#eA9?8XFgPAu@rlfA#lPJ_ic;}!;a%N0o{!=$k1*Y^Fm34jaSJc$`ks(a z($Nz^hMM~}JXSULED#JepLFOd)m%)FlbRoJgbFpMcPO|`y1SaICj*tE51%fHzJTF( zK<3~YPZVcs{M#H@mm2?O-qnryd1-v)%)sAUm^L*2!xmoBH9jGqU{~D3$0o#3{=c@N zv?~8!Ss)n7|9>31O63=G<)r+NIzol=)0;iq=6^wyKT=d*zy5TTpD4~&{xyJ^7ZQ-{ zrSh-lUEP?Um-0uLzTCpJq5OL-yre6CLO!|5A3IcVi4CPy`7gFWFqHoShptlj#auZl z|4K)wP=0#fjNAM#i1J4YkWG*|xaTK|vz5Q*z`9iaD(~vX{JfMu!t}3Om^PIE*DSoG zD}O>hxym0az`n$W(yIKk76^v&zrdlZRDLm6PRc*!2o=gtZ$WaKe|P0qPo1WOJ<+P< zM?vS{+D{~BYyU?ac$eD$H@vGG_w&*ISS|M37OoBT|AvK`boEaNC^$DK@QIgYzh=W} z)&DPBAQ<}p1&6Lu|HW)M>Hh~Ep+f)Z?ObjeaQgahyhr&a%d&H};E|63ipO8pnJ z<)r^(j!>ch^wu~x4RF{0__o&&cBEMU8z6IV_fHgOtN%j|tV{PF@UCvm&qw{ECluag zVcO9C-?Q+NuKfx5B!i#Wgc!>IyEc?o<$t>cf}#9xap)?QU(A)0^3OR!h4Rz84Bh76 zUHRj|k0I-51^>T6=iu5;Bxh^?HywDF+W&Rl)s6f4Xn*Y7!nTe1TpQ}Y8C~;MvUK%N z2q@S2$B!^7gi{e`W(?J<;P$kqdB5K)C zTaBV_fnXQ~bLc9KLd>0$Q5#yHVssM3Hj;{|1?Z8v{|CZ4AHfz`8Vs zck-@o%+JRdqGufb$-=Z@1fQ_*l5PYE`Q%1KvEvT^U_)tD{=c(8FqHpq9lA>87jxyL z{O@pt3gxHw6T8j7yYj2|=c;s&;cy}qcKzO|?VC==3W)SQ}pdnZkmsGNS%L&*KJqJozbagd-Q<*9^h!| zn=8M!FcJuM@0N@2USQoDo_g4eR}5Dt+of)`*)Wg({ExeozU9zWz8LMlgg}$Rb61;9 z`%aXqwbEqG8!gvLoen;SuEU12H!p~~1e;AEVFf6-&Ktv(u~BOYNC) z^P(swyx8eY)|-_c2BbC1?|v6lXclS)KcKXj@af3GV#24YZtyHqBxwRTefjXRnHQ|` z8Zc)u9TRLHCj5o{3ASJU9+1BW`LBo1#+6Q0yjIum|J+aUzhK35tvT7B2v(I#EpCGo z!AQGwGK5KbcQpq4J16{I6L`7c6}YfzpIi)t_BkyE!ZP!_N~pps=699${`U^9fuLfE zp|5+S*hz|`b@vtVB_`Z=gg)aW#5wp9L)2z3FAd)T3?RK;Hvf?lkp=Z_XhaF(U# z-3|;(&H4kuaLPMiuR%*RcFBDGXv&H+wZI-VRE|Pqrx|#Qhsb=eY{8cZgCSn_Uhp-} zKtQ{a#bkh2M;4O-%C#*fd@47`*XVzP{?i)$8TtF~^7lXF?|;hQ&&uD=@!y45yFUs@ zj%&9tU#C@8xVHSRYJ12D$nPp0X2X$Itljk4tdu2eUTe3?8D@P0EAh>(v$veiLQbS- zFXU$crft5YyWPsWx=F!ptC;=<;>}0BTD3G;#ml&75;C~KA_F65@+1pu={b{xxWde# zZK8|~)U`I;*5t`m76^n)>ha|cT~)lyyE<9NCP%2S4*JNOn_jp_w(9E_SwfH0lpX-B zgNL|8cD7}la^PQDMvr%OlfZl|W4&P+5&mCg;oq=|-?FfkZWRepA>AThN1r!AhDH3Q z4X@QA`W6U=Mf|!$S7{Mq?wl;5?FbbXL7yUY(+78pP@nV368KTQ3kvss{|b@^Hw>aa z+c5sGgBYY?{3Gw`CW!eM#x}z+(!}r+ix>?1c+A3Gx_u-h7F=Sp4}(s_OulbJZ#9$e zSRfc?@@Nc^fvX*56}+U}*iF4qc_zil{#rtV(9)K+wfU+{|_w?4Bda1LszN$Vz!)g|D}#lq5Jfy zVK)t!r|!o;8T(VvIJoW;x!Jn^BL}{v?*D*yb>n=Vx*zBKylwfM8@j&>UGo;Pblpz~ zDMR-qVTSJSu;H`n{+SjChVE~3=qhzz%$Aexf7d|=2r6`+K7s9~0q(j#;P@UCt$n2#0Ye!k?FEiy3d;g>9|rQ1V7T)~AYQBeLDOrB%IY_*IT z3k1V5PB?UxmLX=)$ugeq2o;t=pKEv13U|v;U-dDT-^_2l{{=`L+$@OdY_s??2lk~| z{0Z;sCV=^v#fD4)eAXfW!zTXS!dJRYBxDtS(kEwv2(3Je`Dq(kt3mv;1%hD^|K!kB z8ibfTCxdv8BUBi~=N2JMQXhRYO|2?4;{|LPX(92~%gp(EZog5L$Krl@P=3a& z7#6U^hSF*QKX#Y}Sy%p{Lsw}5V#1s(;9ne}!UE2J94#Q8HM!ZM2kDbb6lYt&e#`99 zL`w^J3h(;3SU{ZfX$$9u1yn2yISMJ;0+K1Ck`1NR0-j}oK>SGyc&0;FX#rxwoGjo5 zN2suXuP;LUvsV`Gqu%DY*KT;V!mXuVr&BF8j_$wZ5Wf@d3f=^=2VWD2gKUdImDm%;_Q$njuUErvso$Z_qwIS`ZBbYRcD@#tq=>@wz2{+ z^TG|93~4J%dDq3amGxQt@3HW27|KN!w$cqHAu1fmA8@h^OWAFs!D=a^76^u=>~!cV zEk(?ulcoH`-BP}~2#d<)HsOmMMw+eokjLQb3NevwE1rXlrL9czu7<6=^q1ecg#XW9 z=@0p4tU z4qc_;h)H!aoT4LCEHP^qVTsvqGn_l|{Hj;EqgU%zPn6o#Qr8nfahfUpHFz1^l!&ct zQ~E0h`AAdxKfJ49N{eJc=MN&2uUcec*wmLStft#kLVUpit4%pDU|8AbZFE_!>_06K z3@iJLLsw~KV!oZM?0t?Q}JeZ?jLpNDid3;6M|Z-XN5nqK!UM6EBrSO3`@=UpkR1`pA`;X zmHh;7m|iPRx1#T5h%{xso*~*xXoz~5Mc7uzO9qw9cQ;J1Z$k(#?3Whc6%C(rki2wp zLh?>7PH1I*R|!>EdVW`_>%Z(sD;(!f7r}9+AG-*1NTKsQ|LoIoobS}daN7B(e)@Ox)+6Stk4BG_%EwF7UMPWo zTNnx81aBCI?wxL#Z#&xCl1Pm`_`kRd=~G!kI_*?E-by%f)SL3!9$wF6yio5a3nYs* zkcEbBF#VW2)8BXKDlP0g4qc_)3Q;=Q?I$_Z6cM|tVcxq7_wHB_!?V4+@DiZ0c}i)E z7xS(uw#er90;$RQFJkH8iE&^#@101YS>|s&(~-!Nu)%$c#l@{hM5?a8m?*@Wop>|S zQA|0l)OX6?yX5cP{C6Q%>Vtq}(?4mOLjN8w+gvRd0>k@tKF+yc>Z;`+ z32BLS-gV(Eu{wVpHuE!Sk%c^p(+}#81Fmp?lF;mzLxiN+ui(E6p~)|Hm_Mn>V*Uou zu-Ht0FV$LOt5OZD}YDTYyD($oR>xK*AyN{1}jZ&>U69!>_1K|#C zdPIA682Ukn36lo*0p2yu;7&W8k^VNXO*u07nneZ_N9|gTH^c5=U$(H8UQ9}eD;P71 zN%=En1aV)mA-7hKK0AQ8=X18?oP@Ls#bUKl?G}q;dqU;geonsf8G_$}u6fIutKiLZ zCb@#w1e;6AMjI8@8CYk5KrBmNGUCuxdMGikP9EytElNZLNT|X%ouK}OBUJdkGZw+` zji&p(g9r8{99{`h9o*p&(b*2~Sq?KL9o{o}*T=!(jifREd<*l2!9CZ)Q@X(=6V_1kPruf}_%aSFav>(2&5*x>it z)jqeQh)Ra<`ohM`^ld4WnojM_HuP4RKWc$sIJMU~bd~N$%%qe1Iq42n7@!l>XE;KI zQyX0br)Io4z?@Bb8-Bv8eIKL_?$wCuhzj{bhAn=_fqm)KzRkNn4qk0dD)(pa%;(;4 zYiFSA;BiDkP?6ULWX+Bt%dIxFRvX*IA-IWnK7MVxA>mZVcFTzIo@^g&2MWc1SJDAs`x#N6bw)IyB6ls1Gt31 zf;}0=mn76Qy|>%2TTSmR76^vvz0skoG(9noPDb)VN2oB8-HT`>9r|!oV_Lr<<#2Pl z+UZuyM|Gtw+)#fLBoA&RM18iAeBD6|(n!9-yDq+woUIBFd9v8ND_<6dscb;k!GnT? z*untZVa^D>-1Mxqp|{$~umyr)D?<)lrLBnRbh4E%Iw*-;PMWI4P-;606G={7*^4;@Rh!RBxDtS6h3Qq3{$Ava9T}) zSs)muFzwJ)nu3@(CsVl15h|9AFD}A4PgMfQ5cWY2kyQm>Jqs6&-v_~i+XT^`Z4>Ww z5Q4Occkr%@Zxd(6Y$8PxpRh>6Fpht)Fqm!}3896B0PB1iR`Pc?7*Ss)l@vB#mSGz&3-PG&LU2o+}W zjYU{IE|qnZ9D%2}%`S)@d;uZ)v+d)42SG^tXz;F!Zy)ER*hh*qUS^SoVJMGSm`pd6 zgy4e9)E3=o-VBR**hYZWVt&;E!LXPYJ9L#6Bc{~JVvajPg~e=HgoQ*U>6PT~^6D)Q zUwQ7ey*tImJq)xy2~r2Q6QVlXPCn+qzO<9S=Uo@yPB!Ps;CmJs7}oJW7S__OBO$IZ zRi86QhE06ShSq8m|7C$-*u+;Ix=Nc6)8}LpA9jQao48;RY+}7!MJB6_1~ONn0bDzJ zItD-_W*fj&faw@WUCz6v7{I(9%e`d3U~?3o0`{8~x3A6Ly)cppF5NAKycgdUC+v=2 zoj>X>wWm6Cl_ypX3jv?@(Jh>g&pWw&YJr4ic@nMXz_4_wZNcz@KZ&+4`wXX?Z*^u` zUKVacPPjSUF4d(r_Jach!$|oQKydZIQ17~#ML%&wMqP}6+iza+RhYLTgA`!#myabwVZ#q9zXP9R1i;Jg2WGf@D4xp z!7u#K*N^Z+AA-RTeg6VK^vZwy(EHBuL$7_t554^sKlGkd{Lt$T@k1|j!wsBVoPs-R&2RR{1x=}`Po;s-yp$Hfmt z@c5xn1wXXD9a`QC*3*=AyfS8O(rb765B9~asp_qYV5x21XAtFnWT4(IIet0^H-=Q8zMWZpVy_n2`m0 zy

1wdQq--Da`vP4=p_3g?EncnD*NtA{x|;T7=}UJ--g6){LxKZblC=A4FC#Bz8= zyoXmLgz$=_5nhp4!Yh&sU6DFG%;iE?q!kZy0fkp2sql(K7G9Ca=!(?nVJ^Gyii8+m zku<|A5^H!xC+x#3k}qA6Ha*M*9bS>d!z&WKzUl?*rfbbf%mCM_PXD2Put}(!SBcym zsWj`QYNJx>mS~cKrDguJrrm6Ii=CPJWV6<17Xy1Rbf>s_q`&8R)W_d35v=W0C#j6N zZ?bv9>xb9-y;}1mu2)uhQhFj-Q}N0;y3P--5TvpCejq}05AuoLU{=om!b>5Ntz>OidwFZT3<&C#H~K+C*8G|}ys z_<90Z>>^MQ?4pG{573qvAinTRNVFtrNSDN8nmnlL^%j}&ki%g%iVZcc(lyxy*sJBDQCodUWmIJ6pvaBdz94!SEiw47@=n4x??YK9a+ z)L%iOh(JTyiKB>vaE9&*4uupN&MrF0l?NzJ5%pJ)C@RsAc1|2VoCip0v0@F~6&wm{ zG@M;WZa;7&4^W&U>aQT3XHs5R{a;Bop7^dJ-sHG{~i7#*G z!HaWBAL^DiK(U&JbJ5d!rA8O4u#G_V<}F2_IZi>Q@J~bDdG}xxqPv1a@uP+_mS;bO z@E8(INqtvB(HJ(GRz+cH2tCiLoS_@GM$v8vJx{Tnp&QyxL9~XxC)aMG;MEa{6w#R0 zMA3N&Ki5+f!smM-`Z)Zsv0(ZS3i~zuu{>*yf{)Lv0p74-+D&Nadva|!3O^+JlM^=UxpiP#BeuZhxj?7$?&5Q|6 zaYMT~jc+W^H#l=+cnrA#@~;cdt2ZmXns>blVU(;xU(gRmMIZGEf|M@ORnkrZMCX7F zr!W(&(M5u#O{|v16~2fFIA~b zpunYS<>qY@m!VU%9oKlSHt-zPhZU`?sl&lp=t5A6JKFtgth>c~1CnUMSpZMjUuTyy zM5zP~^Fs9{XA4xdhKHyMYNVo-auX(8@d|>|fh%8LAnB!KhlV?zj7%*U+`iu`aZyG^ zVGf+z#lbPJQK_5zXn`ur^3oGJOBT#&|a zkzH@_jzd6KaZnVxd|QQtOz9;Jc}(emopR;5>)o*!AWa9cutlSQ)J_sKW%vZ>i*rGTDu^{Y54_P)qM&4;KygkU3OJw~xXQIH z5x`_l=E?)j#uR0m%AS03Fm+mt=h$FC>L4k^Vl_za8slCiKjYMF9x}C&P{>k-D?C&o(|E2; z>8L5oLpacJM(KvBD5o)BmORRohfkTEVlX*c@kdpfV}1Y0rCu*s#zYNo4btbR`K=PV zA1PO?sF%7vFDuAS>-@1_~=`5q%=NzNFg_Bq-p=yc?JO_d z&hpCbEHB*7^1AITFWb)Ys_iT<+RpNt?JO_Z&hm=wEHBv3@&er)FU-yIGTR(4*3R*j zVvd(;=Xj-dju&cYd7XBamuY8tm3EdFX=izjc9s{_=6b4n#O_{7Gd0GQ8zcb?V0`~fI<_;#;A6(l9yllbKU;)`oVVTTvfFJ z1s7g)VHcmjWQj3~jp2Hh4^c^JHH4Q|WPd99v&#}#)JE7Gf`lE;V#LR>ag9f9u+*S< zp+=3Rat^yZfm1E>S;LcuStKnQ9=lf4qHIn9OKyD?HDnI#>I5}c$K;#@P)OcNz+_L> z6vZ>|RL_wNkS($&CP+{`B=b;|w&tm834lzIRSW=P;^QbO9W6(Y;jsK*A&e>$t!V^n_)K@Lj+EBN?8p-FodjDr`l}r6tTz?OAzE+Sl0lN&M0NZ z?4U8i$|wdG3;^WXSj_;C&L~AU3MctccAGIIozXBZDbQ&Cj{-ril(h^H>5Nj6 zTQW*6n;kYrq%&$r7lR810P@)ElmQ@}QJ(mgIB9`kM~orqj2bv;bio8cD+GIv0YYF^ zIWwgcW*%H3r*(Ds&7k z7yxKdWWQnn5GYkPNiktku5i;@%YR~j?u#998EF`|_6O`fJyHecDb$*N zK^rymGlv@LYWhy?_}DY_&^V{Y&@{7VEj=<$uQ4*!HrXjX)Uj42)k9kpd#;9%Lw1^B zuvtA)l{b`_4YG5!nLVsQ2&(v?a8qH6y~P+Q)JG|y zF_PmJ8St=-CC!}*9PE7tlpOrBydXzX0gS!F7@3b>3O2{c&tEv*qM+BRUut6q{Qs;#kiC5Td1lntO@1IWIw$x-_^ z0~#h<<+D&Alf+O7j=d*AjFI+J@q1)=9whctO@#`5qEtjJMe8~HG{%VuQl33NP8P`| z?OH?G=dB|%bc=mmj~uX=C262i8v9T}e#-Ym8OW-PrPRve;Ms=V%3%*$_L88e?8ZKv zp!CT}Tfj_*wTsw?=VO;jjWlq!UDK&@08tqjkmIE{1&j)G?4t=v_t_|o!z;vZBoMHj zn%adZnn_7hagTi>LBD6C|4wTeP<|>Z_v=e>BG?6*$I~soNsv?wWS>g#b%z^Y!U7NL zvSHR|uj0tqrJDY9cOtAx%`H_3*}sBFBm7EthM^{^u~Y(N{~jHi{*50=Bo*}7=b{5t zz8z|B7G@5_>vIYz)$!Pu5>i#co()V&wN4VJ0kiA11Pz49DkzVz+3sUjOd!2u?FzNRStq`pK?)k*(`aEl4COz08KK zb78AsMK|dhUa-8~;m>}_BA%-41Nw3CBuEFYQ z4=*^Vc&Ga8jX>!S1?yzduhyh+4Uf_l?`oGC9X!+pFh|G=+GW4b{unp2K(4uycfwcx@QJ@PdjG_L7$K7V z1qT~!Il>F1qY>I(gh%Q|=#joq>Ri-P-Y@L4-^Xb72OI>hh(t*zt_ZRO|H8hS`d}sA zrH`lU@U&hp7^>Dma0gXcIdMHa3eyiZ-hu~W=&{4Q8`b*{R?A(?4W4CusE?-!D>eSi zYM*@s(1UdcnJ}F z?0Tn25rZ}LnNF8(;CbJEa0b6>mD(MzEgs~UF3{tbcqaIc3Z4(dZ5}jE3zV?UU_-fC zuQwa@Qu}xj0-Nd2K|!bL>hDcpXtL%NfzE4C(XG>GZ&(f%)>o<>-qM-D0dwf`o9OOl zJhN296Pw3z&Hy9$*9Yc;HNAGN*eUy79n7+KQb*2*EOO(K#ch6d+OOe1;-%shCt(W5 zJNR(HX7N;MQ<-Ln=Vq= zft$mAw_YnE=tOSqPYKqRDLjtaXm$aP?5fH`li6V7$!5FK!6Bn|v0iQTx?ca#hhVI| zNxVt7i#g}g_y7S|kDJAcSF6^m;2KQ+H3v(Qs7}oQ@3UdETrR{@g$`yEA*$v{STlDF zv%x0wZU>(v^Wt4AP!BwiIvZ>eT`SEVO-;1{z#iCN-)lilydpton3CCGgZ#6|j|h

zr@NsjDWKUV(9xsmm{P;}_d2Q-f)uQxoAU2V6pwosBVD(~ZtC8{W;eD4r~qPf1aJqs+U*}&ibFH}(QysAC|mFXplSuK1F8xw z_dgk|Iw1dk1d@G0|0w(-cb4!4oep>DgoOKmsb;$#xxGf;<`%O?zDc22Yfi&h#)2mm z3i9v*F|NxRL_QVa3WDXeE* zZ^Y134-S;>bw<&r>wAD->fq&PmC;hU+-sN0GlkK+=ytQy1wFJtnYyjXIa%%Ev=ktO zEV=vh@~U8 z9#fBxlx<|#30*<+ln-V&SdGvJXBMk6L?Vq}sUOtInq1}TRf;aNpI8V;*u8|XbM1?D zsQ<1*%Y}*Qxq^Xi4_0#B%H@o8F;VVo@xiP-<)GZd!rr^bjItA?s$3pZUoq!@w@k5{iJKhk0QE4B#EHj>x?6C^Lvw#kBm>@ ziA@iI%kk4)H6WIi5XF*UW4AO($vmud2(w#W*>LYdKADR}u!8pwHs1S;2d;SVfh!+W zzdXeHL*g*P=&$^LVD!2xuD7Q8G1 z(Dr~XI*przdVjB4KF+_XsY$!J(edgK9WD10*p82;(K<%p_Rs?s$YO{^(H~|@Az}TF znw3)3hJ&H*bi3JW8FQhmbU0WA9UV|bS7XS@Y6VBx4~@`EFh3!*@*nVnS5bZvKg#xP z%5FgVg#;w*Vpeu1n-$8nL;;SWX?Ytj97<{MC*wESFBlXBX=h1%U*(RR((VFCw#iI zmu0?XLXh3($L@n+NI;|)`fMG@2v*?+ZEyO)azeus5ZF3YwH%Jq9u&;@U`etIH#;lX~^V%D!rN&ql z<6be@MfpX&%Emn*`>{b(aMOITrTD*Nq!GgZZB7zsm`yQPb;j6Qw7dDgXIiE($NyCc ziL?J>yU?9GK6WntnqZ?e++piME9%dpw|hG1=R32_$;ix@D(W_{hkJkq2@iJ{N0Yrk zDG&EF-p^_zJCt6fgpA6e<@O2v*F!PRa%q&l`)A941p~=;vHjOw+M^)W9*sLJ+*2Nk z$MpB=pxz;fi@L7!?TAvG)4OT9g>zaCVhk03Pp%>i;*H*AnUEZB^nMJTuQyUpuBph2 z*!)>_KmUu13c=P`ayyp3$unk*1`q6%K0$+oQ~Di_JlEiP*!4Ev&+3#ea@&0>|K!>| zbX8x9@taHe&!nsR{6G?4Y*+O(?LlY*pYT<5Guv75WC86stKIw%>jD=nDV}P>McPxX zAW{s)-$YH>TgL$cr*(jo7yIV8svQ_QUssj-boI}wuNvmEg0I@0^i_$}kuh5|&YZ1$ zwU)cXy);O;sUeOx*Vwt6TF(1f-PBd5ozvPLoYvUTf$fV)B9|w%PyPUHse~kM97q!R za*piO^1FV8DA>V7PA$7@u!7Qe{X@%0f&X5N`7nOs_7!Y1GP9$#W@B1pXG`(TGG!2f z_k$@g%&x)kse0`?aVP@m7<#K=8!rSWD*jSX5hmlAkS0?2$PjNZ=%DwK8%Z&dEM(W< zP3_T4Lw2%!t*rUVqdc#qmv!$x5C6O#f8jh;=~TsQAy4^pKgIuo74(X9oUK?@F7fkV z_;aLPI;q~L&EAed#KF~|05X`d%slI%13N*zFz6(HF({4gaQcuSKT)dUgh|cYt4@IE zLW|Kj8a7_64_Kh?vcu=~7JnyuH%Xb-8$#$~{tbaV3bCj4KW@PBQ>e`vyg7_|TTg#R1&kvU**5rf6bxQ{%hy_*ZHsa-!SVx>c7!{)13e2 zIsYvf^42;3ZT{Q+cg*>}Gwc8Eoc~TJF8d+UjuY%L{EJt#{}?|whjAXJ06!OspNqxM z9{z*xB#>_W7X9;5`sX+BPmk?28s~V!T#t@)jPaiSTHZ~l&<#j&56Qe{JfR)h!wp(_ zRI(3m;O`(;+Mgwz{5@brs`LL>F$`%&p|3dI#4Z=|5l2+mRk(sAuMs~_5I;{6Ki7*N zal(Y%h^s?O*;D8TZ==8u+mC<5X%Th{{sf%c#Lv&+XM!CP7f;1ci5;a|q}aX5!v6zf C7O4sV literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/netcal.metrics.doctree b/docs/build/doctrees/_autosummary/netcal.metrics.doctree new file mode 100644 index 0000000000000000000000000000000000000000..5d536222bca42434ce28655f91f1876be296beb1 GIT binary patch literal 137666 zcmeHw2b^42b+>w1^=jF&*` z0_>6pm@p>v4h|5KkbDqILK2dYkOUGSA(Rk4LT{m0Q@;PX{q;NAU8Cd&i8cG)yZ5wv z&bjBFbKiYWU;NO#dGqJd|AIB`3BT4jUMyFujb_zr_kv~BW~DpsH9EZ)_I5m@_dstj zSl%ihYd5>Ciq{L~p+&{7)vGP9(L3A=R#Wp%t==xm{!80lrBiD*ba#KTzrV4&Oq_>pc091=$hYt=SUzqC>>x7)ahzZW;kz zY}Y!?R?TYIIv`gPoE4{*vKNuiW)7^miKWhyCr4vA;qniy7^;>PE0*zZl%Y z0f@3Z<`p{4!hWyZ?zX(b{#x6TiWvUQ{q&Fu0eW^}G?x4GmD(yw{Oii;Qc>CxY%Lb0 zyoaPJ4jsI4*Pi`17RReS;&^_ry3%ct&XuHw`L_ov)h(`S`{o79+FqwqYmC8=)@jQa zZ8aMmuTkvK?ySItHyRDGLEc*+H7jaImrk9dC6?b?>NG@9kR<4EW``zFZuv^N!ab ztxmbqZL3C$gT+;Eq&o(5tB;ji4af>DT3&e^cb0cr<%&m4^`?T=wZ=rZQ}P;>W)-b^ z!SZfrbm!xCwrlwN^zg%y*J?FeCBNLL);%cp5+b$I=>=<=-A)+FVh*JjY>PaJfbj1N zRtunp0M+&M@PkOtU@bAwhLn8Brw)dC!K!+>G1i6ZL)=wdFM#t5HnhA-vsEosy$L7> z(2#Xn4wbuA+}NX@Pu^043sAa4{tcI8&Uenp{|F=3YF{eV8W^@xabmIu6+bU-7?oyY zv_=GbmW?DeYA0XU6d2?s^Wu)J0+O~B38j`#c}!D@1YC37oS zP=ocXs&>aGO4`DpLHtGy#?@++>!iYK_#LQGqfL5lZcVhkZnarDK2El?);kX8?153! zlbb`OQ#xAXUYlT*sj0usy$ zLTK+-_sQI)1ZJY_`UR;KHdTCjc!=9d8_}*n#RT!~LD-UVJ&^xwp-@=Qyzi4sCN9`zGcBS7~gnF`ytIh zsXal~FdeLIPc}N`<0Zc~=GXBb40TbxNjAQ+jhU}gx~~fd)`p-q@N02dsy8uJ2+?k< z_+`+8;S-JpQsyE=?<3s_prE*f2OHAiO+$N{m0DvII-oq@dh&_w?ntCvZJZ3X-Yg5Z zLt(^`9&~1W#H+$rO@aj9^EyDXse)EVO5S+6RxcrhB4y`fuaiL#l(jx8{P%RQ&}$rp zf0hv!E^3$;c%&7qy`hVc>PG99w(^DL37QKAh@Y0{RcYQnFe7^hr1sDVA*9fQfWqx8 zX}2mI_7i3fTg{Kp#*`t#OKCvClHJ0RGtJ+ zwBwy3xdzY;|EVO2n-zkCVGG}FlqZ^X53y*l*=lQrSk`a=2uTAb-3wNXPqsTHM3}JL zUT~V|%O;8)A2VaS2m?W=3VWF7dBM_&R+B-GAVT3tVGWh$#AHk8^?jFKe94tNFTMEE zOD`%M?E0<3oxo5y)Tn`8IGV{qbF{E)VxnI2s)gGy1CX6xRJfsuc(plkQDLvw8ZS2{ z3%iE*6uhfO+lAY`ivNV}NMY~z$P@6mTpI@*->Z%5wjcx?`Uoe2H8+(_3%`dLQSS#2J}cr2u_%Ky)9uv&ShHslTW zfk<^gd#iS@Ouo8O?^Zo}Ox~J%)&cT6B|aQzZ;b~+5dMTOGlESRk*nY{3cC*6TsWxw zC~TQGYC}eyl30=WUk)~?o5$eD)%d|zncG4SVE3!UJ*e#nbc8f_!37uanRxYBy*Yv) zs97me8~E6^S8i4Ok>+u6!)q&u@Tj$lW_mdXS#ORt;ni#7V?*>O|L4++FFua{iWA&F z@@AvuqcxZm22Zz?w~DwAq~1h#q*Q6Q&0MsacMRPUTrjKADg=m_=-|4cbsbtM`2)eg zZDQ05=aQSiV~i^l>89FPk>6Sj-;e1$Sav)8@>>HGmm;2qyE1ND2w4f$_Q=5{a`u2ERBwLdc&f@G8L@#{HKaLE5yu$ zcmShKYbiAomBsTdLMkQIk&B%#6NAn7w-Ap%P`qC~d*FVU!~;Fiu`uRAsgHL`<$Aq& ztTftv>Qg66JbJ-o%`I&@SSs7}h^>L~a+@YSa)4Nb5of_N!eHO=Kjwc@JX#}-7;Z%b z(SDOZ@IU8&UbI+SYsAfqv{|yYvg(bNyNK#r@T5vYTQJvw*ar6oYM*L9;CVEW5C*`X)G1Fp5`GCH5T7X>18wr=! z?#Y|0Cnm?lB8E@cyvhnfhYJHLxs=1Q&a`Pxh;fi3=Knwcvl`SI<-1BFn8Gmm z7%Z!fcnH7b0!LG|uHBtLkPExiPp~@YgGftpzNCk8kB=i*l)>=fo<=u-1VG7~sKGO+ zf#A1b71piwJou7RS!uLhCc_dqR!<-5dRg(aII;B#JNRbBg_+`@ayRuYs%bOK30xyMP_3-s|{%?>>Z|%ArY8 zSEwE^TP2%;PQ6`%&!~+~s#`1QRs|7ji&n=1*+3T|K?%Gg^`xL#A*$-S-nv&pmqT1Sc|6%axztj%EQXV+vfxgEgAJX|cBu(#Mp_XI8H(;B6CXib!Cpp>a zDI1djkx107;dp4N+Nq7!D3)8=Z5(M(1ftsrTG|x~?RxB0Hgn5(_b!&6{Jzuxev`+W zy&d+gF*NklElF?7(=)JWDk#F@vlD*c|H%KbCP@fY#XV{{DF6r&!Bt9YSSW4_F6cJm zXKC)bX&dnjc)K3F*;F8`EAh3CR*;RHw{fh@#2QGh=wvU!6Zf`QQj$Lwi!LKe(E=ud z*`2bJQ<|l<95TZE3UW@|9Kxa&&k@tWdm&AW;5Gbw9q)e(0RttB;42Yu3?P21Jr!Nb zbxnf*1^#JN|do-+>?!PPSE!5xI#IiA++b)SaNrAZA^PQ&eaF>;5;?-+^e1 zi5D_zA{_!~aM1|jbPEyT3g=HFRHK~2ROB(u+*m7&BUR1wiW}w1N%LkT%9l>Dhm z&lDLs!9UGxloqpw;&dq(tkh^VLa7+9(L|s_X`CK=FS&cAR)PW^8z7*i-f7y`Ne#{U?YUlWP zeP@LzL}MdK9?%fb1Szdn2&L<#fMCHrgIIvxv!mx}Rx}7?FcAq%^1xxiJ$F;P!&W;D z4yr@JkQpuo;Zm8^On7uz!Xvewk*Wl3JyXubYtx6||^1O>*x#6u~$P{a@-1H;DaVVaD!FepH9crG? zLn?M42`4DndwuIK`RYReT@G!RVGJA{%tWVHv0kNZ0|k-9ghW14-Zx(x#VYD&R86YV zX>@nIe8f|_OZgl~x{0!>Y_g#ZeXe_A@>S_QE5=#}`{XqQdnj$fkhA&-dkwTLIOEoa zR{*nK!HRk*+pF`%tEl$v)v?@x^xMXy*DE9m7Q9wHiyMS`l5BsPawC>tnJUpph1#S* zG@4j!cTm(o3Z<)Lvqe3vw3^6Z=&FuZ0YZUtukZ_0pP_v71=sF;+F2JqMSA2_yh+15 zMuNfPMcoD!{P>!91Aj*0r;aoTG=D~vanN#^Z$}`a#Q-XMlr!mc^!j~Gg(`^F&JU;w zhqj*5u9)JJo~^BvL@a*9n}qiBZ6brgQbfbp_dyKtznY_JL-&>L_@2 zsjkl-_xuk9%k>kUo!Fo+RYL?3!|W@tLh@M~&Eu+floC!n8-x84J7IOY*%s4GqEi`> zVE!eh*=o~_uUQiD92tQsVrvamg`}t2DLj=%x7NTxYl>PEA+@}5+R71rev0WUQijSG zPiyd}nkM751_~;zaamrr@K}OtV_p~Pj--o{oJFHZcvD73JzQfjh!RS$Li*$16i!+Y3hzPvb40YSBp^;i+$gk113Dd=r zm4++&tkZqe1JkQu5UD)?@CtmFL8$|?M|h%%S_`cbT51w&lu+h3xq_~v`6S#VST2Nx zc|=4xB5Z zg!~e6;&>D+H}nWP&QWM|Blty~;VOyc2=cy^l#a-PyF2(k3>FXcgtw2wla)AB#;I5- zp=?&|WEBDVUfTX7Ib%z);*!(Dsj4Mr4KzCHfk0l)(J8-EROMWTYqDy?B_X2BXaiOE zF->AH`0#--9jQiPOiYRzkZH0;H_Si`v~SOOfwjA_)C!kQnT7t(~9a*<27t)LKae>Qp+Q?*Pt}kY$Aj-bxoyk zTXYKqF-T8o-Bb;>>jtVO$2Vf}U3h4$XV6$Ply#0$ES=x7J>gYqNDW3?o}*#Xyj-rL z0L8P2R5(FAgzbp5??z6{XJ$2~ork*Rd08#308#>87itckkZKWjvp)0$F$)&rQpLlM zT4Y%2(Z*0O8PKVRr|O5W4b0Zag|@l1Yw9=Y79neuDIqhQl`dw_aTWOLQjtMGA!w=G zfM{ey*V)9psWFCsn@&fD1Qwoofx;!_1*a(9xhmC#$-QX{5mvW(g5a?Asx_Z{&M?M6s3j zr69(x(>joQ;#K_N*ywoZ?q+^h?Bb(Ug4v-YdTrp(Rlp$jxS3=We+b#|?O<)*pLQ)O zlxz8O1bQV=i)z!38p8}e%+d7$VK59uEHIu&6`BU&1p2)zXnc_j0srhRd2 zqPPnRLAycs9)Pj%l|e7K+=d^9C^q=Z?f&Y`lj4oTyKn3TH>Y>wFDf*~R6luHya5`% z8=;(hu|w_FMi_i=IxIl~qWBT9OQ!8YAs-vQ@4C2uKM}ht9Rb!tw6|UnD=&*rKxwBr zhUxPL@w^utPKPm5B6ksuuTO_>1~GfkQ^gbl0Ka+!mhU&4RmHV=PFiA~7k8Jt6(8H_ zRR?UTO(&Db&Zshzzfq9wd&Pr5i;b2jM@}BpdfW?Mkq*)jHY=PXN89k~iZ%nBxE9Zf zd&^yzSGjTUhMV^B*1Z6Mo{2w_^ea}qNHMD$Zg^5JxHg?nLstT3h4!-a{>cJAMD|q(^^)$4;(YIcVcOY?to4m{r##!2N+mU>XaM$tS~?ulEZY`sFOxXC3lG){ z#vcV-W{&6uhcfYX>t*ad;*$c8eJycYkBYmgu+Hb~16VlJk@HM8N9hTB!J9L&It59# zL~Ur6a$rdMnJ;fcj?SwJ<*{eYr`X`bYUDcnmfR$BG;8fWAg1VEuswt#rXZOSo1q~A z%gya(2WgJVL2Js+i2iI3prG0JY_ISn@{qejgxeRTlvyN+qP`sj54!s9HGIo0z2F*~ z$na<;`>-c<%gE!`Ju%O}BfYyB2zOs#Lz}7Q?x%eY$S2j1CW~wFY{%(_+oJIDueEsz z3)ZxKv?W8aj%~}K(Jz(dk_sE3_0mSEy;^Qr;aM*@E5xI*Q_C5iz$_`&IkO#X7@-%r z;?FjGd!d%&3Q{8A+p&|IUJ6GIm3%K&a=l+4lEt26(K$hxdP0@RH@6vPgY-@r=Jf9Tyq!XN?2?=YVUT{Y` z7+`ed+h{3rZ8A2QNnB{)oj_d6r4w>NX?j6^(zq8BGxUP%)1{Ik+(_=G7d$2%M9QRn z;g{oDtHoSoLhtJ5JSn{#N*J%@prT0-ngCoo0YYTi&Peb9=$64$6wb4X+vmLw9hGrP^kGe8gXo!hHCaQ$ z>)Ln+UTvFKw?$SG?N5!sV&$V{Q8VWG*T_@K<f`A7=Ah>1|6bgwL4Y1 zy+pw2?YpuYY?K>ZD8CQe74Hq;?bh|7``8kWx3};bqN*++;eIE?=ui94@qgcctN#bn z{vS^HFZEyMzhu~dmH%r0mBW4m?-{;n+JDQm|3}k)4Z8pv z$~R1PgJo0>L79fK_=D`bC_(Mr_3@8B^s2R|Uct^>q^>q?d@=i)eswcrZ`y%#reRX8tr`V76)x_AR*+$*3TYeY& zs(yC7emgrwKYL*0oos`?diu=+Y_-06=7rnXw{*X$SKY-<)6bswg!i+}`s%^2ypH`u zw|wX`_p@#K*-Os;3Hyb9_KF{UmOY}cUNiD|woJEt{gz*_|JKjm_}?#L-_uv0s=bY! zuUfu(;E~nr=jz$3ue$aJY^i?s_}y<}TlCfL_kVp!oI0nzWk%h*c$!p_2-|8p2sa2K1WuikUV zVm4o2y?4`3*ctljeP6$XEznmV{f*n%sru^EkN-3~OJ9BIh3B!;_0?DY?Dgzief6Dp z+`$U^>XDy6mVHIh`I^Olu%B&J&t9`;@xQZg>t|c;{UY0>pPhNf>)3hv>YQ$q{ZO~O z@ZSI14e-t`CUiBSjB#CDh~mL>wm28=@FjbRmD^gai}6=s`Xy9f`#V z#R{SeIj(dh7F}5Ch#utJ(ves_X!R<(kO!nLB;B}xtuFRTLUbi}=|mqwK+%I->Iotv z|LcSdNnnADd~|vbOX6B}$d5bq(5gee-l>NkRGJT{N3yb6R2e;>Nh7_BHAF@~X=X{M z%j%+4hh`rqBt~^;ilQzjpgJ_4Ink$8hvvK!L`D;&6EdwjG>KA=3lojP8YKHjtzbu9 zYjf`0gM4Nt6v>^e5i*@p$g$emZub%N+Yp-X-bu?`YFD7>K_ zJJV=No46n84Bk-1qcci3B;9dAfj6b1Q3ca3CKP- zAe6xJs##fS0hU5l0{i%WzzPYQ)UE(UaV~*MRZ$~r+do9SNm$3^*cjjQAP=Ak%_VLW zhfsxQh%hQ^5N&i6p%c0+tv2l=bC3guO!W^DAD#rlpcCXoiwPq9;;5Xg{okxgq7B;>jR^nbt|v zI~)P2-jT$e=t7IBII$^R^gb=omzG}CH$050uOiZ_c!+MaMx$<*hlVkuTLdkw>ZpHs zR8;?X6+mF6)gSdLgs`f0T1YLoCpIxA@gQG360mSfkz;II=XOTaO*OE>90N6_tz{Kf z+b|ajuFb`RNEOLF@i>d+T5!*<$3J4xs-m#NGdj31eaR>&#j=;OBqXR=MHCYW5Ghw( znhlOD1jfT_o+#fzJXK~NRm@|9Gv%%y6?DN}v(J}t*N>Ga+r8)Gjb5}b(>b`(0bK{n z2^PtWn(;(93vxN_U#~Q~coUAw4U5HlmHX}smWu7{^bUTv&D{xJ<@g-nQ1<%^_}$lL zU!)&;Oim#Bc$0WM50A-kqmNHDkIB$79+PfGAD?Y{lX65K8`8SL68_GB$=dsC)miWI z6#C7j@k7cLx*4Ln7Lp6W|*c&3Sc?nJfU$EE>IAtdj zfS(Zo9!*mkF4j0AqLgL=qBA3i;!8w>>U2j`lm|^fr3OQ)e3AADX?g8%giRS!2iUZG zQ^UT(5jN#k6JV=>R&?{-0~+{lN8pr&O#mJh3UY6T@B@ypDPNlaJ4!gk)du)sN8ps% zO#mJxoVKuNp)g0-lmkwH9VMLaU(&#jIRd9_aRTtuq{ge^v@6yc$8R~}ptN!Vj;L^G zUx9}G0!P@CfKGtDHA26g>o!PU>4=0<)d@(V4A5?6&A?k6VN+5&0rs{C17>OsyM%W- zqM=N9e`rG9;cp$$Q2M+-G$C{Qh$9-xxhJ66o-VYoS%1b64<+gy@R+znyqcty;OmZf zD7&A4C#nP%o{%T`u_GEP2_&G2ip@e3b}CDjxXss8M@YbPZe)0DJl0z%T6!BC(NXOo z0bPdlLawIZh=vLl324qs=PKFj>~zFORgMIF8El0d&{d9TXi=Vk=F|vV#sL{0x7QH` zEyo>D7=17(Zg)gMJ0TKKsKK!-7WVdU^-_q|xw0cZs;4C2J4;F}4PQv{8jiTA2$O(o zM-Hxox*B7|dA}n{s@x=?+#*q$k;3+WO7IyBQ;ry@){}ri1s)*`a%Y$xq=y`FP<6-^ zhe*X6K3?mHgX&2MIL?VnDr?p7hmP2&2$g_MEl@0}MXFJTu|IP}MU|@rRBF*>p$fm& zt4HYrj)Z*36mb3{aGw**8RlcZ^&-{lCMYK95W&o|JmT3*7NhuSnfM}$;pOhBkU z7YUDGBQzC9!&=J`6ICY@Fj-TOjmaug8dSgGh>A*@38+-y6Jg3ksPpt&5?YRdBTA}- zW}uYiK7EXZsx}@>h_zngh_aB3Qmx7q%19m6Nb`-3c&O%@z?#y@6g;{LY7qX3BSI?F zCLmNXvO=h2XjNN?@e;z^e(oRKO_p&tDZ_l$+t~cu;9L3`E%o_!enzWtzLlTRqM28e7_Dvjo<2saPQHDg(VCEN-Dk8^ zVl_I!&zqtKgg&u0`L^R4-eLRh{npHY;_ zx8ySl{P=c!Mxhwriq9xC;@j{U1txq8KBEwUm$?|tJOrDvqs zd?y4WUF_oXI`&&B_#pL)kuE-eC%%m!zH>qEz{pQqXaYYHF!pp1pKD$x55%YQ zcIm{32|w11fao*v;!kr*YMb%Zo~)7@ZJ-bbnD+3QHQ?#CYCXQ;A0Nl&M|q2H0xd!9 zjco)ll%7H*l z2Lw|WIW%1?nu?L~G6z*cUFrx`R%+cwe~`Hi|K>o|qLhHcW!^~;mo?($kOzO@(|@}`tRgG zur&So4o#(|iy?B-^a)3(&~(~1;5O{;nywb2O4HN#9DEXl_OJCsbGp|5y94u5>;IKE zbz^@fTE8}30zb`>fMo$c&S5Os0%F1n3Q-G)QD<4h5Au-aTElm9AXwJ$Er+Jk8pO~! zS;L1Np~4zyZ;P8cxLbo-=_qT+N^xJk{6y@5s7|+s#{p(mgh29__V5_q)J*_0v4{0p zGB}(g1Ir?QEr+#ai-?IUI4f!q3G`Vuac3UdT${K(2ZCi2PjYA~Z9)v6lTBRe2o*L# zo3Pwe!rdmKyFx-cxLyw0`kxet%yc7oi37jV2wudSx^X-cBUl(>`n@?!TU!5~9A1*O zJ|-U%@~aI@M3ANC@65xKtLAUdfncfmA3HRaYAy!INzGsA2o-8h`vKhs{lwKgv|Z?D zpsjy3CoZ|cVJjMO~D^ce%$Oj~MxI+|w9Tghr3lTTdDi6BeOPtC)V ztLB??AXsX?!J(;Cb1^_pYW_WkVJE0ibK08fHt6nZu2#0nkA(NN-V2ud*K?vXUC-}! z5Tn%dyLeMKmS>{pSlQZJ8=s!TwWa6})0=rIAAm2GGoEKPrE9->@LKb8Z*()5l) zQ>p1?A~Rjl|IC43sp#+GP2D)2iJ~tI zG5y&brY$}H&m3No^*kn@xI-s`EH(dB9-dq^|9B1rOU?hyp{Z1JF+fgg{tic|P;=U{ z?>6Y}Y94jy;f=wC6(^$SL}$95Zv)J%$(|%G_53v6)Q#nt==q{B*Ei&FZ7KTWbC^k1 z^q7F+4xLkEY5FyJh;lXk${YxmreERERBE~yA}38h#Stnro!%dD8+Lb1k2>_wmhoqR zw*DPDk(sXOPjlc`D*FArsT;>LQS^l&reBxCw58{-&fz6l&tvk5J9Hw*Qu9~j;mK9= zm*zmQ)ckiHno2bn1LUOU#~qbiQIIBzdlDtNbpkOujNhMIG>5a zuSjIx%VFNq`;i=;9OV>jRr&R#QL)s&l!q@@{qMp@%pexAroSNqpE@GI5+mAt7N$1_p;g(0TjpTo4J?th)bOR~Dh zCUbv&4)>PgpOeE>vf{@C6`UUR^C8MC z3pg_mVXg&i&w*fBz*dK*(gMVgIa$C@-7SD#jdxQ6cMFI*`p|2wqu{uIM^9v?D}Kd6 zic;~P!kfBrJQKxV7-D)VhiOaSpP9o;vcAXU6L<7PkfrATCl61qn*T-)1WV0--Jz*e zb1^_pYJS)eDjYqX(%?4e?rN^yJyed~yuT7Y;^FT=X8#&b6sK$a-#D-?HU6)7Q#a;k zr17CW17FEu+S2$h=J1lN@iF-X+oK*nG9Z@ne=ZMYuJZrC90->3f7+p`RDLm5PRjpY zN2pMKIy=N|{AWe^Lq+w$)hD9-L~*+Ep9`3dan4!1sT=b%QvMLrPt0N3QvSU;yd*1s zOg@>)AK6r}Cl6(=^6$!lU@8A~4o#)j-bN+6V6Y*MA~8UH_lpAW^CRH}a-#+|Nk=!(5N&aBb;7 z%V8#2|6>A*>wk1e2&a6}ax4#LuKrhZAXxfec4#W~UyPQM{@>sT75Y!-(z$7XyZ%R) zy_T>;#rod|nf3Lna0+S2}i%;66*iD*BO zoUZ)?fSDC9knpAUFXc_$xSxskNA@iY<#27O|3x{>B&&Z+K$*@zx`km!9?o3-KQ9M@ zrT=F;G?n@uUpEq?A!c5E{ zc{js@Im}zu@Z21plC2>or{KKkQowdl))}pYT1G_A$wQrM6wl6qU>U`4IW(0(UrLz?-@;KNDjJ?{WBc4%3zq z{C5s7$wm;9Pi90E+3xVQJe0Z0|K%JAmhykWp{Z1UF;-5>|9(fPP<}cA*=_vYm0z9E ztI|Q1!wFT`^+|3QuR9SdAkx#VU?*TYMn)I#rfyQ0i4~;md^niHy=4x!<}j6P4lzLm z=V#0bp&=sNa#FY@4|lFz+?)f!vWuG>no7G6qvvE7=Q~1$UC>G0ZW`fk7a5a6XluX= zKxY4w0#Tf94$pI7T}}$W&6~P0KNE8Z?}zx49HuQR_@f+NlC2;npUg=ivNhtZc_?$0 z|IIlNEaiXLp{Z1UF;-5>KjjD&%1`IVyN$oQ^1B>9{~eInzv2_M>5BhN2ezf+f1Ni? zV0`ez&r#bPoVDNUv}%=hVYJyQ?AG6uEF_+dxo-WeNFX@-Y&rSv1lFBq*TYU6Vq6<( zl{>X&!`}L{8h9ON%M}hyAfc+&*oxvR~(T}R8cdU>So6)N>|yY02j!IhWKlCajF zT~N)F{@Zc5 z7p#<@T^y~|!S`YM`eCWu?KIon@$qtNa>%|Yi2*OQyCdVxY8M@n9uLW5^HgYNG=pzY znoIb!31ooc&KRL~Z&M z^E`(kQn3|pn!xysrkJ8V#T?YL6DqgEo#@VBj$|@3mon?<| zl%p70X$IchA+ldAoAoKeVu+W$XMK*d5YVb*E*ap}k-21ma&2=7pUTbAIr>M?f10Cz zEPsC@e;<**Kb5~flfOUbzq2uSe-)4%=Wb!XPP43VZP`uL@{kjd-BdcvDMwl{chiTt z5~i>j&D|5G08CW@!+j3Y-&Y8r-Wip3(17$6s4&>p^O`hz}fk4Ql9zW5csfw3*Qzz@V&=D%E zgFYkYrWfv^i2A-pn$SZvrH4Rk{~<1soo*Sw z#sAG=E7>YyqC&bwuB)>K$g+sH<>Ae>h(E}IU|Gal9GXgt5M$?L5rHFASOk6S&`lrQ zEkb=TC{5r8^(x4${eA$F`!@`tKHV_B>mUYc7~kSe-2^cc!`NgQMv@q|Y|IveWgnZ+ zG;2akwvU*^f(!EO!=lqNll6J%bIoK;4g||gRys75W+Fz?$xOcCpdSPkW0jTRhfac zq?2S>THnsYmaFv>IS?$ZA9rXfwO)*rlhzMALWS1TM`PVa-(Bm~sX8GsN5B91PSDuD z-V?d$djEC@zNOy(F>mU|`AqbF+1>+D&Oe#MxuyC4p2JYG=EsC&j?_sS5=;00H4k5| z?teH3f~ET(a%d`bUyPQM?*E}9ROmi^%-Br>W~lqokJ6sH=|ps&$W7P%&48H|E0Ex& z?r-2t-8i42?ngPlI)`&h_aB$TP_pjFgp{KDk}ym6ACreKSNAW?fne$WkV8|c`(m`5 zbbqZQROmi^WZO*x+;zXtFLXZ@)b>9E5aH=oaLhph(h54fshbRDVg;F>FL`;63@m$i zNe*kt_7D?SaBe~rl>G&h7v*8jwTu_$K(H+1L5HT&GQiP+=MLL3lTp`skY_@39H}4d}fG zOxEa{%_m|GM02`1TnU(tvCD-&cz^;*Yr&X?WY~Jt9;oY)?yK`7dwuG3N%;(-x zN5-;)yYi6c+QFe52$mfjbZ9E=Kn$9b9bD!J6?X8QIj{qDG+|iU(Ok(ZKxF?@0@0gp z121)8TuuqU%bU)<4a9Opf04ttrT>4H!%njP$3$cfB}^OPYzYR^ZrnF@Jj|s_a%1;>;%K}czLz!y}L`wnVAP+ZDCf_};oP!-r{yq|YymMLrCUHeWpsZY z%3KRLo&&+MfUZMRX#rxuoGjoDN2suXZ_Yvdvr`uC!`|kI*J^n6;@)z%-L91z2XDA( zAHQQ(1%C;$`?m<vf%MihT<%qyCjnCw8mTVd^X$8fE)Df0# zsl!Di$R+cCV+T6 zVy@5OFWF*ZGQ-aNK1aI- zwe01Uc~s=u%gb^gSoZQ_ho;hA#8^7n%cLVz*vqOpm|||ovzOcO{;F5q->r9QN6W2R zx#NkTILU%O2VVNOAYv=sg8rX_e53_^nm3($3p%SGnJhjvTPBuGEkM((88+FbV&V&S z=h~D51D2KjB4-HlKRWi)90-<`{n(+Yv@$W?PFD6wN2su}MRQ2{>q*E_c}C{uME9M2x_k075>sJ z2`1-V;mIOorS<4oRmVRA^u zd0vCz>EC%0&FRkbO2EttX{{LJ3f^?Ko#%S9PKi6vyJv@EeCEr@Gs%hG3EQIlj(YMvKUBH`d2Coi#?NrK?D zCnMpJ1ak2Dlaa_+1}u8s!s}odbl$@2#D|MP0g$K)S zDxr$mA-k#cibHLjdk@%09~BOiD@V#>o{_+hW=8_p!E3_MonsUBX-7LJBvNY){(W~LeJ4#w2?uVt zZHV?a2LlJaQLp9UcqZ#Wy)9d3MH_+@kcEbBF}(@!^Xyh?#(IaQ(!$m_G?jKMMCoL= z-xN}xt9WMbEQvZNp4sCd8!7Q!ylH|h&hP-Kk(p0o$>E8$VL9teBx9D@OV4B^awlx? zl)2(!?*Wmj>&+z!F=xk4Myg}TX{H{RzYY1@gP8MtqZ!>gs95=k7!R1LqF>_Rln@~X+jq?ovZL93XQJyKQ>H!lx)ZuRJAeTdsFpiP$c=`m>+ zOQl+))+v<+cNpcn*j?~D^LSr|vsSTFv|R5^1xpYFcU!d{x3Q3(hW43c3SJXzPbC-R zQIR_W=jTA6;g-JS9EYaTLy2*9@=!lIh@CK5Ye?<=SmZy7Z4o}IRE+(ho%oI;&k!MNr zck{638d$Fn0nfz6Z88jKS7H0MzjGJ$-{di!=-c9=)@OZT;br@_1WIkE_E&l6b7lVC z90-3+mWI=P=0xI+~N=mfRp2o+B4tT}LM*2w|(Xwqr;F|W3M+lhEJqB`BH ztpUueScgVcdbO3j>7(G)RwQzNc@FoMTe~EOsbsen6IAHffV9!E{8}*&ZLW=7*oTN` z;@37?5>9k%_qq%F?mVs&9a~)37pBZ1Nu=7I?XEohxl%ur1Htla2OXM9&nCvw$p;O( zLls8o1a-M1RCu=2=fJb6BSa(fl=&peywXH;q539}+<)9g)Tev6H#&$xdbro|rfwc? zCg!)%2tmofjw=2!M+%mw`}-W`l098aV8M*0fP)aEO}w8soqLmDFoz>mt`ei&O@GSC11#aU|Gq3IW(14B8Jk*O8(jrDy(Gd984JMvmQ$7Dv(H= zG8*hhji{wPNpmZ7{ghsk6^i3u*aNG;Kw#?7*rH|G(MYcUV!K(H+4^$ty? z#fTwwvY2N&LWRX_nuCc%CFzyqZ}-M0JbdN3+wyJ`3wIM}eG{biZzn``x}AL8fqiKw zU*S#X-cHtM$zWX}TLzYOtVYwUDKgnQV&XEX`iwEMY+^+o+FYAhmIJ}EiNy|0rA>(8 zbFzsqIw%D}g-x6{2R5-<&LShVMgy5EV*m%hZT|*9B&Hj{eg_Fk19&2DnqUAkdM)>Y z8w8sLdcFcs!Y}cr zv+dS*s4u(A?dpY26CS?YMqpRiU*n;~2;#h2vtj19m1oY1AW%n;GFI;|?d&w+;5qW0 z<6-1h7itsdWo^(}Xvk+}{eza_U2~B(of+evt#iQZ_pT!?W(xFH84{ zVz`x0mxEv2MW5{MyVs2;)C-%6dRfjsnL^rt(F?BWm$C5Y=dbR!d+4L`852}8&Eiw> zeT$WU0KRWz;ud*tt7 z`Fk(_osF6ICP2#bR&tIM7U?uc&Vsi}ctPnmLF+8ca49b+J>5YP(l z#ylHLc>PGZDYFrz7t92Xd0j9T2mT(|CM|vw|D6r(d#QuWrS=J#_o02+O(j$jwPZJy zGw|mfVj+Us9q9&ZI?YO{(H$?L#Mi3f72^kbgY3Hqwe~GwXJR3ZpRb9l<>G2U{QOAV z{IdA@nfO^Ro~;l+KNUC67FXNF&r0$0eevw;;^)WWXQO!bRdIESxY{6oR*Ro+iD##Y ztIgu)C*tNdx?0G7L01deBjP4~0USKghmP?>A9}?Pef1JQ^Z`Kp(09-9L!WxW4}Iqb zKlHf|{Lohq@IyzxO}R4aeS%e>~1QJ)}vB&rpn}Cq{D9cB#`WwY-sTtzPAdPx5#^5RiNx+X0ycOKuZa zFYL*;5VsBoE8DdZ+QqkPqot*quJPP?sP|jrOgrMRXXHQ*xLEjCpOZ!5lm48b1A<7VS%;GvZ;4;*vH7rSA2DZAe=c1|j-(yHIPW_sL{- zZAULyAI@nPDa++A8SeDTd|Cx8b~Pvnwo@J}3($rLAfESU(^s=C;)7?_j zff55v`WnMU@q}L%4pr(>IO4sPL@1`vShisq8wV?cM@zCQoTOE+q?Upb0|yJ+e&EnL zSi+&GM#I4fWdl+pqzK{*MhS@mBMoUAR=@pFM2lq!haxKtXFDyUvj9aY;>&IciGni? zX&aV+S%8!lE7oYmDB)0ar{Qd;b!!%&C`EjoDv{WE;)#=7?nqA^;&0gPpwQf%=idQv=FQ|L_i8_Q?j>j7vpf0 z>?vuW@$IzQB`TE-6u8t@QTw)y%hD;zN@zTnTX+uYcXe`EQ}4#5p);Tqca#LtSkD&6 zX2sE%Q2mco%8XKC8pC<{dV?dr0bRvGVd!D)p)8w*Jm{i50=DwpQP^P} zqU45!(Ul~4?HV?Hq zlndzl{bZcPPdQMH|7s!kTl9zJ`l6u!FK|g3C;_W!*iXACv%fpk7ge+Iog+ynWr#JM zy9Av=mrhV(C;D|5Ne`tGK@TSDvm-G;k`7{G3r7KojU?##8ua;@pp6P*j?MyaHIyhQ zg(;{%JqraKPzGG(+7<|4GADEC?q*|@GEEgv9-NV=GS)E;Fd+3F6~tmaNH|K3(=Rby zZBDr=44OG56F>ps7k2IerDZXhJ@l~*f?banA|N|S#D(U(7Y9C7oEYKLzz|3z?91~R zG(8PxDyT_C5@U&qDu$(tXpQDRcGfIw3(^7-V(KyZOj%tGR~ICYu+=uk78QxWmdF)e zVPbOgu76<==|`dB$wLE0Nl~phIAsr1l+tJ~SHXmOpW$FebSn2u1F0HAc}E8naVQEa z)xb2?9g)}X;;Ly-spY6b73r$rQ*lkhzckWFznPJRNEvwwA`L@fq&l9)xKnX%y)>4E zOf4i7vV`sm4;2bEo+}a>YRa+@_VqT8bi-7e)R-@d@8r+Ir_4?<81Jq4quLU%V5-_2 zarQE~+zU2^-MqRl$)qCF;hukOx!VmEFseNavI6q&D4H%69YghwMdRg;Z#P=ym)j-p zzAmqDi0)J*pW?~W|Ux=W|a7tVw9km zVw5(R;`PgEUX7gQh45)cOWJ8(2A}3t@F`vdpW-#}DP97f;uY{IUI3rs_3tTO{+{C1 z?NdP~!>&Jj-aM-p+lA{X z-bLlMRTo~Nk?qd}vusxki&{_HU6A*~j^=1T_5_Vbt<&#)G(ApbAxQ#RB-XTT)@GDtRQ0T2TpMM+t0*@MiVJ;~}Jv?~K8Iu|VfWc};`3qV-c6wN$W zEOC;vVTY_P0;hV{Pjx{|h2&Tp8?g_ArfJ8X4HX4Hf?Me5D}Q6R{nvS(T#k{P93xnz_aH!E8`k{Pw6 zi_S$00Qqh9Tnj)lqdb2uandxwJgZAGqZUr;U9>^aJi%UIfe=_#>P;zyolcj?X?9{Y ztEWJIsWe>G(?V{iv5N^1X|`eySrC(jP6<*;1I>+W-0G1lbaXCS0BCAtFR=g!lqxBu zn6N2VxM@aa_gP&9?#mqcPXb9(G<$^wGFbqWr}7>T2dgW1jXKJ*^#h@D<#!AQ0)3o8esNm&?c-?t^CrUTH{D@J$qY>u1j+0A~$K( zo00&s&ue<4E@=ly8E6b)rR&+VC_TWkqv z6-v=(O-xcx6*>0lnEaIQ2{VvZU`r^uMZvQ{E!2LiXA%@u@7QN!lwKRR1&p*QffU1a zzR0CgBMqDlX*yL7AS?q5a&d-lU|dM##Pr zqu^v2RDm&n3n`)Je*txDw;Z*Vw2uS zVv7hsC%pFM+*_OG|rJVk=r7&3TFxel>ym`7)#bfk^+Ed zhh)Vt28=Pylr;;dL5gz4X<8lU%DpNl2b}WfY&`*5Hrj1e_*nvCqEw<*l@t|Js7lbm zSb$Dhc(yqvs6Eng5-8E2lE~B#l@K)^_K>DmIS)l|LX}b47u7P^ z1u-gBsUjUf(E%oVxu!@Rj3SFCig+q=vLeu1)1+!DQ!=XQ4=V@b%^*y?y2x`R=IImhKt9z|xOuwYJk^u5d3wM+ z)ibhr`daf;b8Vi!!8{d=>PNa57%XhH`MYScimQr*!NPWjzseb`m}oV}niJ$Cd1+Tx zdzaM9BVL_XaD!!I9?l!9ddGY0uYuBE60DNd!+MkAKD^pjy1i9ywDFP|z#M2bkBi#j z-=KA{rc^IKb+Xiv4Lnp8*=39HU@5@jNWXe7SbQ^wPI*)I_rw%EXCI)y{sI3yyZ5Z# z$g_LFGNiKv9iV!0r@r!+u=k_cV5D!bQjBaN9r{Ns=u6sOxmEFd?BlqZ26Dx1yb(US zjW2E|(fbJtVu(og84fnsaDZ1@3nAK`jaU2z=oLdFbuMZt?`QSczo0k!Fb9DvB2m(b zD}pS+KdYyPK3I&;_Tg0jD9DIpB4Ty~b%R6}A zuq0pT3|8PB#uAd09q%|PVz6R-vfZH@c>lT=oWidr%B{B75-*mF73p^*0y?ij)w_0&y~IcLa-NYT7`Px1=*=!gJ@c9c4=s84FLAQ{_5@o)Wj<<^)7EOr1Ymj|aro6=V_As?-0{^DTaC0AVB^Os^j%x3ZTGvS~f=;3pv zg>#e7Es3Kl`{$$oj>G&LF5A(~-{#*AUe+0!#7KeFGw@h_U^SS3i9(IPG~$cX5GTM( zLER13hj=IZ7k)k_C$)OF8Z6oqEYIXsZsvvJwx!Y-~ zheC1eJL0WtsMA{U`gtkTbYtYEZoS-Y#s+~3Al8Qfx1p<@-oE+ReZya6*N{u{2@Y*hs%o>+#!)AYu|jiHEtO@v-rz9)*TJ;x->(1kf&sij z-&C*I`=|R)#9QOgc7HowjUOrdXTW>=XTloJ#((GHKVupG8Z?^E8*lZmlUR<}$Oxn$g${K%3*o6legzuRo^@eaAMazy+`|bM{hNa7n5k{E!V{^zd{)&_l?z#dX2)dTE{1;52)3@)EDcOQQEt6L17U8?zpIs(F~Pt zG{e7Wh7rnwh(bJ?;@=&`!j0vMFUc=p+0f=X&@SWr1Fu~enWW2F%hm)Med&&P!2pULBC9wh}_=j%d&}+#F1sz_yV}Mt^qct9Mi}nygq1G<6F{|US3v#t!m=iwI z?MS5U0mW8LY_nv6He zeJsv;7n}A~$mu#-UpIrpH;)->dMHL(rlVpn6xOs@Sd-=qo^ErnOzCwdW2|RcUKTsF z*(0AFYGv4Ycox}NVcDOB;zS11nP(`l1JBgT@cieq$n(v!=1438Pefu+r*4wxm~&S& zbGqw~rZby4x$ENY(CAit=(10ilasA<4=R)iPqyn8q)xUeaY$scjZT}Um%W=1bE4c^ zI8bl4+n7gbF39MM&06S#f5nuW*BpCcXolX2Up_k}H$dQM3d0-jGhy0g>jB5qOb(flaVQe&QA1@fRNwOl}+4D0HF zHbPtqH(NLiz+TG`a^4Y~Mrguzpem9pAOJ8%?+GYyA_I3bDn1an9 zheFhdYFOs*jhI^udtt{NbaDoAY;7#(`!V!R6YEMju`25M#JXIoawdP#phCegkuqAW zu#6!ST3A}qfWiz1-@BYLPe)oA>8v@gzaU`d{+CztKxctg1h7Ka3j^Y6#8m~QsT)p2N z*=gm*c8=oEAP<@9BPW_Dgjg0s6!U_$o$?561VM5Wm6ZvvVrBG%d{Xm+!6M#1SbNW1 z_h0hB{g*zVetAy)xx`_J(ck(dFnZOcmtJ)Z<$BxQaa5)zuj}yv@;?x)v+kl+0q0?H ze%FpA^X3iUe^}8D-c1Rsi$qceH4ORcqG(05G7tzC>D!{cc8ThP?LgX0NPPN zD!9N4D7DdAg{OyjmUE8+RLB6ZXQu`s4mdUV3jo{p#>UlwQN@7)q+I%-`^MuKc#4A) zqI}8-<`bR;Vb4wt!+~<-P5PjGfBATAygQymH~={io&jLbP7T6^Zcez?2~r0Idq1Tl z6GThgxm81r7ArHuCg{SuI!cL>$U0=z5)#G*y=RpgdS^f&5H>Aiy z-PQ?$0^D+5*8-l=gNfjq+t`+)&u5Xjnwy)n4rqaJj6tY9|qip3j;qO${u79(>6 z{&Kbu)f#>B^I|!BE)SM;D4#K5O)o0&SRO3JwA<&by9`~9(P;Me4baDs-Yh2Chw+0C zVZ8-EDxArizb#0=7K4OZ{Nm0?vr0RL!T<;HXkiP-cqcsYN1``FIkw=?Rj6RXn_l%4 z%w~maWOS;^QMh;AQ|>9;Gk6c5bMKLp?mfm{a7(*b{Ed0{p2PR-;4$qWqM4QSv3J_H zaU7*(i@xBje7qb8yAt1(Q0%ggk!a;U1JGv0u^*==2q%*xzQJG-Cm>ibG1&{2U{4fS z?s<{oDtjDoAw>FDK62>+Hm~4giPGZ-N(9Tnn%M8sW1mCUU@2};y}cJKBs6?SjCXvZ zUc+(a*t$WFkCj^u?CV$#;fo~?_TJF;p=G!sPLIG|76QZfY?#x(t%2b|-A9P+ZNbSB z$)Pm8m3@ed4-2Cm&OX)}Na}45q*+?1MTJ!k7d6{$>_^mz3gcVZKXUBpg9p3vN6_x? zcsuqF_)+R5%rk5sQyCGUj{hEw5K=7@PacBI>U8D#;W5jUz8tfYOJ|pZgS=&;(VA?X z{997St?Ye5!QLNJu)$oVGfo+Sddw-~-VB^F`=~{b<%Ux+CAi_sXuPExMnB7XACsvG zgY3V6+|3DJk~1P1PWbWY>h6Tu_dpZ(zU=$>Ync6jXiPeag{I__(c$joqB>EBOTGJc zxKE-^!r@-Pv1gh*cev;CcDcI$9KA$ISO`Gb9F~w-5c*mBDwlgQkz|~%7a6zA5jZKG z?nqyn^XNHUWC3DM7x(7C>84^zaJm7Fw{*JbXF1*HWokk{PWL%EBa-2CUyQD^?R1IF zlhx@yi;L<+oi6q6+v&cUIti!yn;d(l$#bXsblxu4=}xK4Sc1>RAUOEk3;_M4?Uc(s zc?dEN_q~xZ%ar~}>2TlEm)6X+!+oqy0Z`sG?s0Kbxm=TC(8+~x9D9xntOTd}1sYS~ zR2LBymRJ2!=5Y7pRX>*__6)E3ZFHTfS5?PJs@wtR^JI0apW(8CTU|AHw;uJwJFIb` z7Ja+Ug@f94{zuMes06_$c)MKJd7koo*+m8A*j$?%w{r@So|@T;rm*vl(hbS9X4vywej?x!JkfPD%)%3`v~gRSe|@GV^y87P z$r+IhkMu-zovBAsXM8A+6yo<}^-PcBGJ|JYFlf6Yx^0_hw)zV5WcN@f5y?GqrAB2%*mB69p}7fipkR2Z2o4RFMXW$!B(j} z=FzQZSq}Zu{(&X9^EZ)333tB2LTu^WTQYU7A8-C}&R}GC^S7hxOue}}tx$P$o86Pu znZJ&UEauGVcHhqY@2Hb-=C9^p^UdNFyj`v{KP`Q$hw^M$O^n0&RD`cg3Qx+V>&N?& z>|8sXo3xLh4L31QLpRmZmG-KkFfO)o+++4~m@;`do-`}j4A2Px?(&>dU`hY-h>1j_%S2k058jyc)B=7@ z1bDXhCAR$ zCu8>Z<(#if5pahsv@)B&nLF$|wZo=8)-jJwHzO{aZ}4{9v6>c&XW&Zk;vXmVkwqoy zX{qfeGc~IpH~z7lVaaggpGVi3y76cz&iOo9{rE??tl-B_Xh$mb?%S>ZfI11c{?8nH zz5)FcZG`>rDM)G|VM7 zPgeJMAr}?g<2fo*p;STTtxVb~REnpLeS5}Rsgv-GgB)?DopXCRm$%FHjGy>l`)-tS z$p4EuH1j|uqE(staZ=6$Pw7jq=XxF()bjux(G#5qa8J$yiQ5~DgHP?8;NYJ_Lns|Q z`dI;RkU6;hIQXd?A!j)F7oqEHJ9uLAWOeYr#YF`NAKtn^xBGVAzek;f`+f!on`xfh zeLs!2%XQy3%+`yan}gW^WgOC-%LEnXOb#hcoaBLnBGy=R;E?e60U7Mp_0gC5($CCTDNp;Ahq&K% zCSC@59L^+WPr+X}Nxyu&>P_I?-Y5P7{|gq4)te(YReNcr%n!W5p98J(F&y+jCxi6Z z1Uiu%hd}{k@V%UoXWv2t_HAl~PT#>VIwi4fh7adtsKa%3s_EA4gddmUK=+s=nz?T z*lT(t+Wu`FVVvHO-ckS60md|PB#9F^z!*p36h^x(9JSSwM{^MrI(f@!8*@P%55bRl ztkyF|>RPG-mV1{!0~S91th*j^5rBgs?h4kv6o24(0d$%;AJBz_!) zMW^7Qoo;I>@FPc6M$Exw zQ^@{c3pf^@EHHflsDwO-f5eF{*==c0%)lW1yF*$lKg^{(F;Sm{*R2gJhC zhlWm_$Nwi+sE4@d{LTIn6VuZ@JEk{Fkc@*^CaIIi4jkk#(}#mr0(7Ltt-M`ccHpkF z7S5aZt1$UjVe+H$osa*qVKVo?{^nmh^FP;G%xo7#X1mOJ>z7(| zicRKnzMbxCzRjM^Z_o? zN=g3@{G`^eT*Mr@2(!fad?c>Pj8N1zlAR{5`D|ZtO&|wnZX`{zl^ZFf@)m#WZ16{`{Pr7!*BW%{(XMSZ~GnmcKxING5@$f=|9!Kf7pNaus?;$&$Ry>|F?(z zVAy}|u>ZVa|M|oIgTwv{hW+0G?Jpemd;UZIi>CbF1-cjSUwgj)l41X){>%KA`>*g{ zIqbj6f3^RbearmUPW!L(U+=$R%73H(u>X70{+p)#H>1m2rv2ad-|GLtwEu@w{vS>I zZzHwaf{*zPvs3Z!;U3$HAADy0@#1H<__ONz9L{wdPsg``7l zpVe%dH<{*-r@Qn8_d(v%Un#oLz9HUCY_7QmUjy7C++C^6Va5 v?VHaI)6YD1FMill@Q?URJgeeQz!?=kK7NK-OI=wrpfALM{-nJj~AA-8)CqJVnx) zn2=)Fg$pQnsG--;!=nTq$9*;l z=l}onpZ`DS-e<0O(a>p2PNV;MYuin?Qa_O|mdo`<*=hH@RpmyhTXX82-UGdzf7rXP zH|7ntipSfHZmZ<3Jj6yi=*R^RoZSwo~d<8g<>>UEvP6E06TX z+(B!dcY)=~WQ%jVYpMk>#~ZDqA_%;UdCQx{ zN~`B>tu@Nss&j2F23^lPQ#{=j_s|`f==6$R_hNUKFN_IyJ4Egd3oY{1U{u}kHr-ii zcOi*;xgc_fAm8FNBuc}-Iq9h!ci`C#p%1!Cl%6UK?)AlFzLipVxqM!Vb==gw@xwRn z-gofEe68Fgc9wV}rEZJ#t01+>z1>@_ZgI6baGJNO?Q}Yo`ZUaEowkRmR-@i=>gAp{ zaA&dFg{U>5YbU(HX{YW$0UE6yF3LsdW2aba;$m1JDggLVTn@?0ZmWu`HJwJOKzc|| zfo=s2<4n(6KhWz+LJUp<(TSLZJ@74+@rW&nU4|hh|81`nN)Toh-w*hjixZ_kE zey4C88d^}+0F1JOG>-{ybqo63>J+NZF{j!)u+$rJi&cHO!dvH@s6bjUO!a2HkxISU?G&7PsZmC&o;TR-OzryJUF{0~ zJ}daJ;IvweR>3XS%T)*ZJ3yqCIz4Y~quU8WS;3+7yltT;ArS68-iQF|6QH`D6?_ot z>5UQtZAi(5e5zom=dGz0>(gCmG{jxT^-{P@Z$rx|HCp9D*=a&KfQF3FaHHIr;>JGp zeCE~)EM4gi`7&IR)!sEPUn9&osQZONrH-*Ht$x^7S^Urhlv1 zcDm(8;Y5wpebhMt-|2uXzbDt=Qm1gN!ksF?DwHej;$)TNEU8?n&Giy*HDuj}d5XCO z8ZDa@h&%4^H`8B00;f&$544Y41np$F-WIphX|}H!AII%B#M^Nj^?ai>J>K&+QA4Z;Qs6mnv^|44`9#63OuJS52isa+ZID^6ZewEV6z=K5=d>ZH z4g6YM7OD-*Z$h-&N^TMKVEBYDfRwoi(feq(2^17S@Tfrgs5xj)qg1I+K?ju6T2F4Q z-JJ}ztJKK0s*R%X6g0~p?LlX1lTI1#WdO(nECT5xK`O0|Gk2f+r-^|RhO z8LdEBt5d?|&Uwq6`Z2gv85-fD0$0vMB5!n07qQQc#w~4_%Zg2M-$TSt%W=vyqaK=< zi2_o4e3B4SWI#aSDF)iD5{G^B{9&sp?S6Q95eG^G@&@(_OVZp8HjcsnRVYNf57Q28 z8>0tq5urKtHjG9@5?W{{I(c#ppc^hvNfI|p1cxU1z}>!Q<2sd^ZVN)dp^FH> zTYFP+vQn()4s@Mn6YUV6wJ;&WeL&Wi<*&$J+VeIV;wZ@I!GQ{|kpV)xJ4H^}8!k1f zRq)Bj#2bD>s|>GH-bWK7M)NR*dpvgZMqve=R=3pY;(3QcZ9M7F&nmLca^pD0V;Mz4 z?*Hw2Bg!+iA#b=3#E?VUTeW*d^3|nkx9rek^48q54w2s}@ZmsvV>}Qw@F#pd;BCT) zTmzqx+kNPk++pQMVavQx8#3w?#L~h2nzupSJPt>$#t**Azb*6tcE3j4gW66)M@Vy* zUUU(kJV&OhjY-5UjZ&W4z{j?oVyom%Hcp5ePFq2wMM+6BJ;*^;8`BMV^-67eoc`qh zTz=`LC-7gs$^9d5HdQ=Ufk|QTbW3?FkNZICG`o|9QoHTXMI*dp;FjQm8I9H;ro(g$ z*A1=f&_c!?@`i2`qn$DIRkT=47K~e6kH*idZw1oMS?x);$O+35je#ZSQ|HE4+P0bh| z#0tx~psC@f-G5-iSb^eiZzZ=c$OtPI4&`(1=LM7%a34hkBI3R`$S(_1wN7tBG+3qL ztDbwWxHBwf9>fC}ZCd51nW!k9ZxK={sE%Chd==+yetHWb^nLlKt7rE;9VT&KPjt*p zJ5cHqokFo%Z5%I5b??1*rof{YOxE1e=Dd}%O^?_bsukNb>5&7(qKG*2RuKmCj{A@9 z7saEs(uj4~={EQS_dneK6fH(8^{9D~HcQr4mz}9%7lC*So>WO_3+6fyTj$<@{3K$2 z7Yl6+p@d2e#KNv17P|7mdRk~SCdpwU{=vBWea?|6x759v(_&z+rgVmUlnwV_cJP1`*gAl)2DIJ~Z&GAMf^14u&t~cN@j)=Y+gSQcW zP9wn}9}WorqXuzR|&R>@|lQ*9UEGb&Rv>eevbDj{NR(SlYW8|oq?D1dilh7>d-L{(ka8}|wb zQ(?-O^X}P)Bm@`tM)SFx;6&nRQ27b&XqK`frodG^Sflxy)@REgeN3r*W_7v(-Zr78 zh(wz%f)gwc_*&6zR543y^;^TI1q$y)hUrttuh4Mv+sa?=f7~jb!#mAePWOe^;Vr~; z%bp7l%m1Oi>-{GM-&FMDA@P{c#_p%|?O}dfMk(%R^?gC0k^tPVej;Wx(1T?v=8c}w zNltcp%Elx>BocLNIUY>Y^-g7~Lb2S+ZvAMTA`sn1(9$kZXxC$}G?`n)yLYklv;d;2pA~G17C@NV+iqE zrta7Mzh!tCnp4~#xtNF;wcg>I9Qd6;!6PEnoRZ@S-7 ze|w@aCSJ&>fpiFaZ3&%H?9U{B5$cF7S@2s z0|^@BToJIFiXk*h%)&IuDzPlh=ltOkn1nF=$VxM(mREwAsKt4L1lb=Rt3_UZfQJ%t zTqyZdmYyjza)N)F*(fb$48>VeFj%S4YJ^fTPQ8IZhtfDb_F;1OO05J1JT^c;OUqj% z(S^h0@UJY8|G`Z|?$nyWU-Gr9cdg2omCE%zYnPpBsyT-5py=!OB(X40?$Y3H8nBjrL(z~8Y z?T#4jG&raZ1w;ODDF~O#tY*xkD`Fn0^^8;{XzST>E*@2nXzj#j0RP!)^{h*i?VRqj zUfrifV}W}hHMyOsANdZiQ*7ZbMM+}RPFHQX2UW`|N{pOw(;c_onw!{t@W$MAHy+%5 z%dL;wy>H*)8*jVq`kqF<$?q-G?HwvCcpGosJ+c3e-TTq?)>|J}txzu1=(d{DtS7Lz znWo|((ye90;J8D|Od*MQjQE^aLwQK&?(&92?kG z9VhXA!{WJ&Sr0Bn=)>=az5$OC@WmFfzTyp|(Y z+gLyG-o~R2l8Bfh)HoVXsC-Ndhyy6LllB^qiuDrWFIrpjCtG|>@`*1HZ|U9VD1AN4 zZ-+7^^pJ`jNWuvU_CK!mzxnDz03C$3%PdtWz3?47<)~Vpf*Tft6GYUU-q(PwhGop-xmdkuI0ue2SP}!rLNvEUN?`um` zK{PgIKutKb^^|tS6d(6&v{VqW_)%vD+Rt}!jCm^&4P#pdF~t9BOo8^vMgs}nl{D2= z$!!nPq6zgtDx9yPoCh-CSgE7Z%`?5U52S@G`05Tyxy7=mX7wCF(nv|B0Kr1x*cFgD zr*un+XNn5Q2Pyv`8%V*NUTQW)3>?WD2?*=&z*Amb2c->OR1-$Ifx3wY zT$iYTq;%vAO68(NOTwc3Ki@XMtJjL7b3~D{K=Vtteh+Qaz{>Q(n6VJwAi^DEhoo=?p zZzj>HjEJ}7GQZh~-;A$WV(}cEgeqdw3sr@rr`jbvl}0z}!$E6`T4N!#oEq)E2tGgE z?<-P<$`{XR@Mri233w1}*MM=(}Q6#)6BcmR!^)ZMNiZ?8M z^351BUtnAPc2pH0)qq)2Mh2GZ^K6J;HxtQAWIz?p%|0y7IMyN}@LoIKZMViJEA?@= zLOUJ&E{3c$T+wHp?xP;~y>dPxwFdxRf$uUXbYS)fPc%`Z&?=#&eqxOh%KRo*&~-GQ z1eG%;*&+|!b*)c zANflM&J|HYehE2oJn{y8dITNkDKxqf{G!fq6~uA`d0$FOhh)Ls9ef`KiwAnb+ehKa zN*pTVRIHRxHmi2BzJPo$?O2kWu@zWx$?4$?)e^G?8Xa>$ATQ_Wl;7#9axTL)S+(Jk z5K(5hfvWrXO(HP(@PRQMsfJ-RXG9IiZ?aZ5(KS&q-K;kr@M3`w7^f|YxPS#ZcKxXM z*Kfd=?mRxG&_hM7+cfa@QOsMIW-#RNmm&wGX0@$;E2>A;Ds2iAB`UQ%QhN;w(~Sl~ zNWZSB6mE-dfglFyDXp8T!FJt1)#UiLDZX(Ijr9x~X@;`SF^Z+LTeh1{se;sCxaD~o zCe6#mG73;Ui%5kN#6#FYNc(Q&#C%R#W7;gJTV9aX(g+|W;B|rK;0dV~VK?goPY|{(NRuPzn& z2q*+C6zdR;Eb2~k6EUQ1813ygkMB_CY-l#uiFBxc!^IHe97HOx>iGPX-kcmrjVhZe5RmaQ1t)i-dL%YgK*F>;2!(t8baUuw2^(AL#`8_;xtb+JIB{U7=)RHf z@e##V+LwYDyGrXo?upm%htpHFz}?OKuGqy#s|0_ClIXR8KUV>R*yH9WqxeI}hHnRJ z^ZvAJQK1~=&k^VqL@laKJ8CGOh{=zq6_FRBeP$i(?^rg4+iErt9jVGGR(@ImPv;Qj ziiu*Jf)ue@2MG~~-EYXRiR6KzM?9o^IsYRdfyO zNOH$wg5&qqs#9!q;C@Ew%O>7{2clGjfUB)zOMUOa$3_43{4sXyVM9p=aUN|CQ?P~b z@eETOPb%>JPD`HN^OoG#dsct|3ZPKumD?@oN-s2p%*s3o%vW4UlubH__oPA##?9wq zPosPs?Ov{6YrgKjg)<NQl*SfNK)|x7oyk$W9P|bgN&u@l*1HsI3T!pj#vuA;=BRu%I5pJ-A`gm zli1X!6B#QH$t`edTc7&@_k*+vg`fHm`#)X)b)F0yJ}@t6RYvqs!GJ$s(m^B$Ybr%zW5W`*{O67w9G3 zqp6-afECw7fW+|hjrK-DyNGUMQQ-R{kmq7cQA$&IYPigMroHd06v>;W>P-CL9lB*N zW~;u1&;9-lfdMryjM-9=Zg9T;&;;%5Mb`R8vs0GsOQn(;llKAkyh<`0zgfC1nqDS$ zb{8J3=hYqsT>c!<^X^E+*R2+@`-m^-cQV1II zBHDvkWZz^GpJWe8+YB=ABn!s!SBqpK6_BBNX;bvRy}R|?ywI9p5YH!teaQqTXhO_d zsOR083EVYJQOTia z>S(fthU3~e1FyEttJ@+giS}oNV6oz{qNo}3{A=hb<#Or%rqF${i>7yASp+}5zXct_ zWVJhGx;-G^^bTCz^)|{4E|lMg?TT{)INiEFa35R3ae52K5LI;n3HK*KjPA4DS@*5( z+uXO$x$l^DU+TWheaVFTO7~UnD<<4J&KbUW&V9?A`_4JHg5872VZXtBqx&xRJuc4e z&ER0=>u0;(Dk_JdOhZ}xG4=zLp!V0J7wu&~)h+Xn{V4mIzIx1meS$rruO9oA``M`OxBG2hXM_6c=KuQudsw$T zG;=;XM?bsmxx3j}`s%3`mW&G5evu`cmcH z?0nVoHA9b#uwSTWues*2KV>WQvm5rlg>BYXd;jk9?5n!v9cTYB`@X(9`r!B2GTrjN zH$RD;tFK=0sz=y&bjw#fxQeaO&)#t1`RrTz*;}v8vtj-0-EVmpTdJ=<@af&`SGwhg z?p(ost*`#qria-!-SVT~zKorwuO9q^+u7;*>dQBLndS7=*B`imovE)L`tTdr4t@2* z_ut93>#Ik8^*ikA3g2s2yz?MCLp^)#+7(}5-_y^w-2FASK|ed^&eyZ^^woLY2K$L_ zdGX!vWk1$e`OD7kdN{$0>77y#blBGYCvR95M6oxVzXppRFT}Yj(7=~1*J6Q*`!vF*Zz3DJiPo%&o9+b6nS z7QM(JP_GLDy~M299{0nPajca^4{{n-J&>CeJ;0DB?RABjk5VAjfEHl5>(z{!x*ciB7zDP?tMp`9s(a zMG8>?Bz4t;L?H!ryF4I?q;7}xnn56?5QKW47wB!Uht;Aeu!;5*q)_|d+z@UrRt=&D z1v1$^#HvX2pkRl3>`J03Y2u=|h&l$RJA=4T0z{yr_=$Q2Csv~uM4*;l`=tk`D2w{o zijCqhYHu$#iq*1vm|~-Nj(S{`BsTCNE8UT5wvYtHfCS-pQXu#hp7CG?RDhtskw9E+ z2O_+YKmeh5lYkts148L6r<|6f7GNoGC9pU216D}bPxJ~<6!j9QL>2XAZTg3hHwo&P z92?*FoaEs&p}EYC;sC1P3=u?S45EpS;&noorqzD?&>UoeAyxeY#0MvVAm|u5(b9ql zzcef-Bb7J4H(W{-LrDt}>KmLCfYR*i=Qu?tTCY&2h^H|-8TlyDi`F%#N+zv>sBh5C zt4xvdPtnwnz)Y(q>K%-LRPRt4PjsQBRg~C-E_&CN=t~PR>KhzJ)mIT|)IUTwTCq{L zD+9xr(k+CR)_BxEI4Y`tv?d_1(pr#u(W__i|1ug^>$HGcZjWu^o5V@Jlq6ummMXOO zTZYt4H88@Q%(jMA7;S@GD7YpUC;1AOh&(^QP9S73J9s;i+xeJJA|E9;-s6QY*Fvc5 zdi*2S!Ya5sGOxEIh89W@VPQ2*sTg8yK@mkH4Mb`NC@cg=1_FQL5TXStN~#b~rG-Zo znFxSR%>s`KI`7E~&y*CL_b3dF@*Rg4f(zwx^uSYIiUxi`pet9Pq_dzF5;euew?N9% zk#wH45V8+AKQ#bdZw+2zLWhlu)#JsPcJBo^nG87=>3zP^$6W^>=Pj4HK;PNnotA^N z55Lst;zS>nO;(8Wp$G2qR*G%;*f74N+vXk%M^e59IF!Zz27V8;*+cY0kIB!3A8!(m zPs3yK4dKUU_>ak!Qy!E0h9B?ndz1c!9~-360E8dUXv(|Z06!Yx7bo0N^@@4<8vM=P zdRd8-s-LHgpyEyP?pF3NsB2FqzcrrT1iu!ADJpfuz*gTdP_TKWQ3GGO!VWm4U1NZs z9U?rOfAzW8Xo-k&wK0g!2_cHEeSK8tSfZi?Zwx9m7}8VZX)BbLSKbmfrGhPB(U`ACY*26(!hV;5;V}PG2HC_#;S(w*2<}7hgzB~p;SU9wO zLc@NsC2Y#9$H3kiqTfv7`$%4IiG*_SF-XD;(57t7z+YIxrfhu->}??i{K-A&68_2( z4W;<|Llf{0pRhzjb%FlS1kCLVmT0J$5QAoWve1HN{Z&gmRDrO-<1Zb=2`sGyKd{6@ zWs4X*VI?r|1U$*FEYVP{BL+=aYzCU3QyCtxo3E)r5`*Xb(D0aejKelsdRr{fQBfrZ zU5fMquI7A8G*pR+L32SeSMgrwa!Y(vzKOw?!dAcm-C&7^(gHDP&IqyPJ0Rc3-D-(~ z5&{+|e0}gy{GKHW+VByBLJf|&v@mzMtFtd!=cX+2QK2XX-?>t1N%#Va*S5q()uk9* zJ2P+{)@3GNoX@mGNhPTmlv^Z9f245AfijmqhUZygpdwZb1{HV&FvtyXdXQdjiG#{s zwm3wM!RO=6mN=+T7K7uwsHDLRnA5X*q?WF0>_25;IjnV=(W@!hBn1In<|RrzI^^I*p;_Dmz-jHB=w}RhIZE3l@Vv-cE(m`AGI! zBB5Mb43c=S<7du&M29R9QC2Pn(Z)Dw`p}P9LZ@PA4D<_q=thw;=76O(O=gLZDyT6C z)%Pml5ln=BDb;7~xFsekyT)KLrXUlOQGfMO{fQ+is@2AzQh`s1DL+CzO&oNU7ExgH)Mf5BJ-aaH+hI0$1k$e7HZigiCda7`Q5FX|9ia-~;$kZMD z7DJT{UaH`A2u5`Ue%yjl;-4S2V3e2V$1E6S(fJVzMmcYOyn<1JnjfuTluqWyDj4N{ z`H>1nnOc6Ff>BzPAEjWF{N%?d7^N!t5ei26M1FjNQTC4?onVxp$A{gZn_>l-kOMQMEg3*ec zSF;!`ocT^jMoU_L1cK3mlOKOzv<~D)9~iCI_^}5@t15ovfzjHBA9rB1F5yQV7%dz4 zF$YF*JwM{WDEQ{b8yLmM{AdHC5SAZnU=&sIBMpq=Jbs*kQQXCkGBApI_%Q}X@dq!l zF$xlRHI30M&WqrTW?X)3fzedRk1Q~ns`zmQMl%UNs=&y>^J5B({4PJDz{oT5;|Yvh z7C)N6$f59K35=|qA4y#KRF};7I=|-9n5dDV1=+lhK-B^Y((M}QZ zI@lgQS_eGcR;9-eOyEo4{Ke?v3rhni@v#d44AsCLB#QKEAUj7i-Oih`E%*sm9ND($ zt#hNdE{xoQI9B5QL^x7hjT6SQK;80IbkA@l?D1#=ruO3}jVVh(c^h^FoiQ(@8p7L` zg=YhQfv0@=xcnMeZTL8J19GLD+8e$C%yl zZ`L2XkFO>_7sRCvdHgt1;W}C2XDt|(gL6M`YR9r2$Ls(=28{>beqSD}p}!-8YZ^VN z=x@zn#!^7u#;~GuiU^T(6K~E!l&R@&$bewzASimrv_V4N=!t!!q z3y4r>Si`C;q?y*RA_Ib94NEPWN^1~9XJrjvu}}zt3TvP(GZw+cerK}+>lYS5a z=-(cQ>STL(yoFGuJ?!UA?F29%dsv?)gGPo742!5{uogcjM8xHt8@7lT`V5<>WTDNp ziKz?-hE0?#no64x!)Ij^`z)ctCTOphol4l-M0oQ_V58VOL0kVuKx8Hx!P_kOl}7OA zyr~_>^D%;D0j58j!L*_EpU&VVUh5^HTEw)0bs1 zZK!!ZgO_+UkH{yg=0uR8<`-w-$yD>P3WamgbFpM9k6zTZm;Gl zFRJ`VaQkc%#P#paiOys_uURlG^_=mhb}Y|F&#|&KcTm1CgKI<4Uy#8}yrM@06Z3#SmF(`m`lfXgY1jwi|YPO%KN{f&HJK18w~)I+2;I z=>K5BuT=C;@}_ni&qvXh1(^O(2GfR~e?Nnlcs-BEC+g6NAVbZ+lZ7W!&A*ue!BF$B zTQrqwE(XX-%|C7l6>3f=1MCLfUd_V}J-Gk)^5Ij_bD}d@&&L7NGH|(sH??DVK6<`9 z$o1_RTpNo1#0+NQ6+I%Ls6*!z8Ja$kg(y?g4`e_vH2r3arc%?z5Ls#ZPD`lJbULPD zH|+MB9(L$~o#_vNw*DPDk(sRMCoTAu4*hw&sU64jQS@a2rr(#rw4vw!BZHTCJ&(vI z>d=WGL(Sing(p+Z-<|=%Q1iD~G?i*D2FOaypJNFXYECDn>;~Ol&BG2ocrxP0Ag+Hs zCpwe${09~cOFjQCZ)(T#eDr*Ikn7E>)44VjeFK`N%}()(9uZK~p>v81O&`rdl&R@! zG9Vb5K4j5UYPuLAD^35F#lRC(XgVF=vm17MO;=m+)fy=F?B5;Wynlr!a+4MQu!S_G z!aspGwc~s~3O^jn{P7It4ZZJV@D#825jlBVRen8gR1EdMCktPu`qwic80vr2qN!AW zF<@5ef2$=_s6U-7wNnCn^$*80fg?Nb2W|bUJ&~EL_V2OaSE~JA@TPVg&qwW-1(^O~ z2GfSR|5FAp@#-FtPc)t(f($kPd={QeHUCTo1Vha~WzkfsxfmcTHGhXCRH!)}a<&_E zdo@?v_LV=0KdX59np4qtqBmLJHv(o_C_s{z`o4}gwPSrg`o21z`>Qj!Hx&P>45s20 zKO!jatgxRCP-a-b6Ga*p2^!D1V@+e$B|KC_ho0to*+Nn3i$QmAt7P^Yc>v0MmD6 zFl{LR?`7~3uly1Dq$+=CQ^B2CC^MD+whRb{@*lEjDwSW1m6h^eW(gI_PcP1~8~+7S z{y+ip&p>AXo}VaAR{ob-ur59Si+EEz=I5pS0jB>dgK0zg|7Qj-@yZ{OPpa~V3b22f zg)&q5-z_hUuX#x%1^IzvKxPUn)l}{THKUrT;&&&;f!9{ioNA*=fM3>%Z|%kl;3}BjCP&{U?%>_5Udr5|#S@B;M4H z`+4bqkn2Cl;M&mt-_KwsUjHKkit2xONC>AqK{bc1E*EB(LS z5-RkcUVmq&0rvVIUiKQo4ixME7s%{i{fXja_5Y9s>r(wcz?<4JKOglE?ojxD8B816 z|K$u`;H6 zoqu=>!?jsBGxh&>GawlH{}_v=QvbzhS?T{~OQ_I)dReHQ2H5L=zi%3SCdlo75+KTx z&EP%@5lAz*mp8Q&!hFmiemBGGGMG24;nf*D#alx}PTmFKrGV+6j90-DY8er|A`5k< zQM@bzf?*UdwrDDiLX4f2Q5?5~3ZtM`+S=)Zy-}n@M1gYue}K&Xje#gmHimz*U|kx+ zmv~b<=I3J!!95Pk)}=FT7{O_1nl``18$m=qsS#0VyTdOt#OGxy|HBy&4CViCi>6Zf z#aLM>{}(NxLiy=M%XZ^$ul(voz$zVNIGjL*UB57HPliIok1~;-Yy~%DXbug6w1Vq+ zQ#&cl#|jd5K9n=KH_V}!!IY(-ybDw2guoCHZaFF3orOEoE}ohJ!LW-bTQrq+Ax6*2 zF0QtO3cH{eg4=0?yhDq8?45hi>9i`Pc5bTC%I($PtPq(m0X!@6+4wi-Q4<C6$XlL@KF~YM~n{~U7 z6)V-^WYx))s>OEOY5T9RylH`iwSGrYA=#ynkXp!zZ?6TzQiC2R7>>S(4=*8HiI*C7 zT8Hewa>f?&3w(^8Xj(W*yb&7cR z=uG@{^U;NohBqFVZhX1#>iQHUO+6p6m)?ghno3ptpb&KQ{ih2v_59ZY2`*#m`A-Xm zrDpxRU^qJUup*v>-fY>&j5D>s9@STld|;*NIg5wLJXp5iQ-r|~FMBWe9A_Y)Rmoy9 zz^fyR$pGcr785>|o5OST&;~I_56j=x@^_8=9g)9ld zZRt(b@{kjd-c&lwms`?`&1F zB7NS}P73o$lB_@MR4c{F3SP!N6ZwFen;`=VCguBxoeb9Eb0!gS`I*D4fif0QlUcYk zlP84?2!u@P@m&^8RlLlbT3N?qEuq3X=xcR$dSM@msLyyL2|Z9#dNXM4-!h2oWXpJi z1^?1AUdx->Nnk#fF=ALofd9YG;NP%{zsq1N-YO!ZLb^r1jy`RG42$^dEWDW(@xL=5 z7#8tY7EPr^h_SP>h*w!cg+2)Kh8PU{xG;mec>9P*%)2PdJ`6eyGdV8{eWsb5lL5gnlkFBw zrJ0D4v@(-l+nWh}2h>hG?9IgDBcc`X-T!n!#3ozCl!YwibW!3>?f9OLRSbl`X8GI< zz6~>&&0r_q3?d@(&QNAxEa@a!hSuMog)LL-|0n~3q4j@Y(Nt=^7%3~Qf0`v!Ob+yI zTD#G=*Lw9d{Yh>-kO>ckC+q5EIU!k4N0U&(-A=>Gq+XexDIjFy$|{~t@J(0%%5vYiIZQ}@H) zzP)(UspvkDo2>g|fN2>CozI)vaXwGo4|9GngL6aoAD_WcyzWPYl%V^PFhlqEXW`4# z{e2k_4Bg*t(NyZb7%eN^Ki3i}bf3QEZKnbDy5HxAz&%jg{|rEcCtJasg#_db@GRcc zP6qR_g4EBKyfZ@vhCRG3gSB{jh=|KOKPC!F|ANV%XJO8?j5lULFf8MB7EPsPh!M21 zj6b%73d^AH&f95)y=ADc`WVx1;z#Sh15*1p3!*yNEWT;MzBG%k^QLwJn2%YkO%%Y| z&FKO#Y+^N8AeF^!`JB)@TCk_iqkFbFw)cun?&M8xEO?k#a-3_D<1NHgtVIs<}X2W5+<(hkI+S=qsjmQY~_-(Lhf zP_HHoN;{k@c^8Q6-v)@@WE*(91>@2N-ol$Mz70fjM4!vx+tB}i$Y3X4|05#uUrHD| zB8KjNG7Dj*?teT3f}#6=YtdBdz8EYk-G7rMROtS)MF@)2e*Cbc!}*fY(@#bFiQ;7K zUjvwFfdk22YX1;#y7<~3lPS79gL6aw$1@m;*Z+u+{7v}@qheUVC0QslEnsH`1j7O@ zuxKhRKn$3b1+27$3JW;*QM7kYJ=scx&%pnqy14LQL)pEq56TNzE3 z!22^KU|7q0G8l`umWZ&t%QCGcLarg+zsRB@(_Y?@0l~1Bw^}rn_9Dj8%3hvp2^ID- zya-dwo-BL04d+*#^1*JkQ#n>_Rf-))1jTU{^b_#XzXcIn$rkiO3;9S3`W|n(_!e|- zKQcM}jC7e8HnkB=(SnMP zZ%q-AdB0<6O%b9E3uSFfPsH-Mndxnat~~@rcNTh}T(|wZea17;e3_JA@qD{M8lHP4hJs z588A8S&OFf$k3;Spcd<_@Xr@WFd1ise`>+7)Qleqh8Os(u=mR36TE(UtuWmTzLz2J zDDm|S!B#>;)XOaVXZf^bP|QD!fNX^W;(vC2YVi{(U5E|73Coapl`7?v9H9KrAcJJB)kt&f@) z_0=Tallsr|36Ze({@-3=QwX&v59N)$H~cmd8OeZ!-?#8S7zVu)>HYHeFXitC z`0qlzSK-ZoWI5pqE47*$g$GM-DkoeqJES+2e(^?2TCq~uwg_wejd5#zf0q3gsOx{0 zB|?*D*>6~IEPd#I@urruY#+Ow59`yvx&4RCS0CjL6-!5p(~d8Jp{)xd0qo%Q!_ZyR zP4jI>yP6WIu?AlWv{@=Fg|wVEjS*7J3peaGM7x{4p~KFU({k{7CgX*A7cG!1h9L_L z-C+7cd#2B`Xeur29E+yXZiOhV>~;x<8Y5zRHB5VV;qL+b0vMi`5zpLdAseY?w+V(9 zJf4}H|0EV4o){aJ)82{Xn`QdaGaiZD3F|#=vAEcONTlj|i-|(a*^xIRJp)5dGxZzd>L;V z=kVwED!0n~b=b_$#6=czD^Aa=Jqoz|^+`mt{{|u?&Hh{dyAYcEev9#wnk>ez4^2*Q zDxr#4DZQzj5&zR70wbu1IZs=JnDatkGrCn&Y47E)8_xUhK0f5si`CAIAB6oB!tLMm zi1y?#^hXv0CJpZUylI@lopL&Z9e{j8Z(ZE%txJ)?mb21jKyj3Onb#&XP4lYp#iWS1 zyfLGgls-~M5Vt-Hd1m!!Er(zyZo7asUfO3xq@6DmD)maIP#D|kE8iY_!QYU@`zpL^ z6+10(pGm6VHNoaoa$Ob`nImv@1_T;z=}WG%XevFF7*{I~wb~x4FitC| z-?1=x>Gw`w1izPy_j~*H?v6OT=YjwJ9Uc*#?C_prAyet_p3R%uS)k>5C*A~y;+TI| z2J?oedwT{?@t!UsC-0mDPiK&4xVX1uVa+tKH}xUl`M9`EJ_FiSn7-{_>_z?0Sxm?J zwy3D}yS}jSGJRVNrKVGRFbjRA%s-m}!EkDywrDDynixqd_w#ytsKNlPp#F&^R0MOm zMR01yn*+?zq_^QmyxMu&PQ|Mc)yZD%9KcMAb!b$jSKH2;J_=rKIF|dHGPpO~+TIMN z;@w(AP=VJ5B#n;Y*B+OJHq*u)+lPqfeCqz49`}!XevFM7)vW3bd5b!VT4vtw^~AlXFGEdJezujXlS1DKZ$Z$p&4GN zeh4J@AGZ{vu2Y14eKoSDYrJJEA39D zbXZr~`~~${+fT(vi27tBIRh{)!+_1a>Eav7nW_MhCX4GcWMP=fwHYkNn@U7%{>yeP z#*EO*1Cqa+g+9|(9+LsVu$9X#no3&{!)awJ8!Vy1R<iciz0W~pRmNA({7K{AKyd#yL9{2^#Fs3D zAZ_A{yy@cG#Fmgv#7N?_v(qJE7{@O&7>qZLh|v5(K<0QER`PHb@=PoF?+gfrmHgPE zsk9O?lvY;qPnJ+&C1)(cgrPp`p`@+?iP%Zwh77fcA8R5z*+8xXOv|Y1YTk754P-;A z5Q-T>Fl^)Q4Bjl|<$v2FZIleNcxo2jOtW}$1_Z+_?yzVo%|Z;Im04V62^D7Xy+xQj zE|zta6oJRM&DVhF{wENkKiNKBX(0$XfxMhIU3~jEE5<%zr18-VX&8p`kqjo|4J9Ht z?-I2{w;DIYVm_QjK&HifFav^NG4Ho%DlJ9~sg=dN#1bkjX2T*(Bq~X-B!9b8YdZMK zbGPN(CKm2~ptU4-Dt1CtC)>%dEZCQJ@(6Fb_;#{BO$IwMWMEiF4o%ah$aw3Bh|5pa zr;L$d6Wg-TX4=G=84wJcINhSDvHeh84#CK>Y8(gBOXwsOG25Yn4UsKP0wHcI&^e;8hyo&w0~@cI!LUm)+%d^<1X`4_|B}u*)5+@K9nBabBfS_vg3m z=PZaIP)Cq5R_B*?bsBK+9Qm$V5V;Y#Yz6u(U6wN2V$oD;-6r02(VY731(I2YQ@`GV zVJVwy1;Y#O)UQbPiDI~wPnUzA-%X$F?z`8Gr_>9Zih60zKAu9_fYI}=>zA?M=jX5O zw|n5D@+lKkJk8=$@qLSxe*nI3Wa6{#eIw%^Ywx>P+$Y$lpv*LbPRn0c{#N8KlfOsh zZ&m)*X(=6c%YUM=pT3iaDV4BG9@3Gn^NHK43zEV9 zrZEOFuQmOqJ1gxjw%v&HQ_-XA!{;st)86JC$4o>j+%q>)tpchnHz{SY!lJ2EsinN> zq6KyN1(HujPJBD5PSajgXlLHb8($0GS1Hosz2_ZT7v^=_?zEf}o|UI79A*bm?h4=iP8BhiVU zhs4!NakWbP{8Zfhn)rD{{EUicgW~65aq}E;b(Z)U5e5W`1!7QwnbcR6hA)`H@DK&GWJWlTE>1ZZVreh^dWk%LLcJB4}FywKlFiC{LptP z@k5{D!w-Fj3_tWaCj8J>Y4Agz=D-hqh5$eGZgu?7OQZ2a@43Yfy`U36^v*_Lr?-#c zhhC3zU@ zhtW%a94--hNG}}VZyR9rssTpt8DMl&o1fEmIIq-<5^g-(#wgXsD9`3_3D84YOYnsR zqg4c>B?P1O1Ea+Qqm=`rWdox%1EU24qtybV;EhLa4i_RpBEP|%1|yH*biL83O4Vr> zI*mfhne0}oWo{QFrx&0($?YT;n14l*^RGyR{uPOku1Gaca#{LUBvk*3r0ZXinEfk~ zw|_-~_pj&`hIB>hcalq|fDv`&TsX{uL>Je?^+$Uy(}q zSEL*M6)A~-McU$Dk=poIq(A-@Edl&1QY5;fc=9CIDF2F7OJ8-pHPh9`Bs7fMWxMx+ zp0`dItWyr$9V$0!#Y(+g>=a1}y(K07Gu&!4I)(O3ZL(4Au?rzxZ{Rj@^*~P^H{Uwp zt!`H)X}k9B$;L6K=U?w}s*U5gUQywj?+*vJw%t<$>RV971kr=7Ob z;Y_TQmu8byrAkLo0d8eS^piKagIlAnV4YKRr|T^%HJb#IeUwc3B8Y?iHU2V0!9IrT z3HEXN*Bj()KcV%6CS)+uL6N+QH^?6X|Ft$rN!{7qn#MKz1n>Gu`WND0pTZw=?9=!c zPVY1Pr#tDM@AK*IGH72Jo?4G!6bITEl&aJ7wxK?e8-wWE?Odg<4i3vQ%Fdp*K3KfW zQ#r#OnCSG1e0~Nj_H9t$ZKr}o8X&c7QWY9r;E<4Lir0`X3fFGZpsLq+DyZSUidKpq zG=@u}m7O#kYEOg05$&z8P;jELY(u^>3RY$b49Tjz0i`#kJSe*H;UI(A4;)H(N;niA zX*d|6bU81CY^Qu_8lW&mJijU-QIw}4Z9}dv z4Up1e#TumsB^(M9HJt5~piBc4ridprC8Tpqiq1E(vS|R%l=h`4GrB1XDRk8oZo|4G z4PKa2TBb<)DE8HGE-;hMX#mw5#ub5PKLwe>X$^TBQp0Hg!xT~`SyD*xxP~*9W0KtiW5--n)NRo2iATcg#34?Rt>t)UxsLyHm(eP^oO1i`DLATgpb zt%+7UKKxWqk@pjm5PcZF|1fX*4_ZcP_+x3-8U!C6Sp&Rb!?Zfn(08WVa1eY7^`>Rh zvQNXm)G*ORJrANeKV;+v7X~n81+==<*v8WAJ%}YmR)!a#MXQE>nQ6_I%v_Mnj0sI~ zL#tzrZ!FC>SaV}|47r4Kukp^QHOk$pbFB(tq6**ha-xm;)M88%=_+WY1fo;G`a_rq z)@UNZQc^(6;<9MID>?#Zf(+KCWN+S%%bQ7jlzq_nb{Y6$mC6JPToMVqS1q0jT=|kl373*b8t!;BGR?qnUQ`}Y7)suhq0+c6 zxs$$ng}1iKZM_+YR19s1C=rr&~Ly3ZtodU&KX(-@;Qs64rcA5Yt zb269jZPceI(^PWg8)fu0q zOK6Q|KX%3}YYNf;5@6~v*-RN-eXcHwA7P_yge|Hzfi00Myvkpn`!99LjUoLgR6KrY zpePBd6$Pj4fvQ^??UgE+PzTozr$ncGM{9i=NYxn1J363)57r!&Kzdm@kPQ*-FEw%uX>F?XCEuDip9_s@fcK_A;RunvK@D#dg8D zr^`zuqC1uAXL&VXmKW>i7-ie%7-hp}8RfEP8D*kp8D)`Y8RdXy8Rc(h8D(GR7-df9 z809%<8D%MF8D$h_8RY|K8RhL}8Rgez8Rfxd8D*jd8u@c7e42BNq¥s|=Uigk|H<7as}ewJ6`XL&Jxme=BEc`1IDSK?=RA%2$E z;b(anewJ6^XL%8Rme=5Cc?o`&mq6!u>2sDBGUs^teU8snbG-OI$7}C%y!1ZHEAO+s z@IK4y?z6n?KFh1_v%G9M$BU42yr?(VRkbX32WndW=#9lzYP?PDrdz3>$crLgJKvna zoLldC!%yJFu^X}LVy5>1bbtnteU~aZD|j)eH`nR?Vb9wvUA?M(p!~y2K8pZ$W<3!=#lMdO9%U51dCdhn_ZAT#0i*iKlV$FM=keMr%35X_NC$y`)LHH z3ObUyM~@JN;j!iCDV~)FP{3jq(Xuz0275R{&6OcJM*-xcx0G}=Og5}33TN4=x+F;; zyJWwLkf3;oX2mFp&J*bp0GTDb2m_&XMGSlxB_+pY4{`!*snJ7dR|-mW&Km&82e7;W zAgF7KW}b4EILYO(0i%n+sm_M0E(pz9PP>hRD?DK>veps=`5AVN0V1AJ%G1jp11i4jql>s82QA)W>M#+7% z^+u0)Mh)qrbKU?z-kV)-0ElOlr{N_|nk?96qf0!a22SdoH$l*B!S)y+1Xh*7Q%YfG zo1TVoYk$DH5_x|+UIJ3e-S?i%LQ=o)9%?0VfZOs~;1);8Hqx~pa7Osa>rC^n%Xq>vqF80=2n zQx#j3m<_U1wVB7IR-)+F^**kjL+$WQs6AOlHtx|qsc7(Dy37HYpmI0=f1fb4}4N*^1w1&p*` zNy!Jxg`rEOMjAN#s-{!r0D>|wAcqTq3fQ+urZ0|Ax;u-~FuZ*DMg#%-mZo+gN_bMz zRBB`|kI?UA(SKWJQBr=OJN28_VItTMHIJuS3X~wJG|65S;p?CsU%~=!)n(tLkBx_s zv7c-D*t4Vpk zT&LKi^HJ=55jIsdA;hNNKMfSys2NjHV=^37jtdatMs3}q}(vrm!MLg9?*}nt5F-@wbG9{y$QdN|FCD>Gz zq0B|PYEMN__c|YLmpz2eR7`u$d4TjITzJC=`F>)*LZ z1Kt{0i>x*%io|)t!tJeMy^WJ^0CT9-I3X&L&p>N$ZJ}Dccc##h4II=c*=0}&ZzaIu zg|gM2x8fEKowBg(kBBLH&iZzgkR^X$tID&{Hja_e`QUk$l z6pQ7+bvqTvee@=rO{TM%choEQ?5mVI7#ke;d_fOKF3VMZaJk3c2O&gB6`EMnRbV6;8=Oj zJDp!Oi>fom}T#xhMW&sd&jxXO>Sk{t>Qo8rR)?YVG2jv_(Jb`ar8EDm%W!DtnE}f zAPgtLU8h)fS|EHa{e|P3IP+R^8#r@6;jL4*+STrKfubSY9CSOiY5}gY*kgZ1ur^HL z%x=BW0XVX&3Xhm(z0u>1R=JIxSgk^>Qtx)0-hq$9Si6(>tWpPK&ZY4;1YiU=3uUKT zsa3!=nEZPVmLyS`ngQN>VY6H=#8a8}juarO#&K9PcMP-MI`eKD-=}xNP0LUZoZ6lB zHi)L>Mwf=BQU_oM?2mMtP!p#>&>4ng)>|w8EbyHRB>XReuI?oLpSP;zG#f3D3yF-v z5mZ_@6kO;OThk7(;Oy`^lT&cVPxL}#NGhd9x8B*s<E3wCBv-tadIH>!2?pF4%u!*==14U64&DVN-5#8Kv?(N`Zollb(DX{u4c&t9} z?Jd!$@s~#Y%_PJz@DfmWz4Za!$^M0(kI0FA0q9~$eFzV_G$2!|yElM~N|_*eE9s{E zdsE;&Ksl(%QSzN$@V`%&YhViCyFh*0BO3mdk#)SFUOzm^=)sB)_r+qn|%p8 zAb@sFvD;~=he9FDJK~5p)MQkgbuR>(ZVcVjtq09!>|cNiAl3%}x1ocb-hn09qr=b5 zYsdxp1aE|@l;IMfg3w;~pS+cO<=+oLUibG7!{2cy2pey=xvM55+_tA0tytNz_ zZ`Xf1-VjdiH`K{~_bm7EIIIqRcDLh1{$%PaZQQkJw1hX_>RvCq4tj&&n%)o8bWOv1 z#zEtS(;e5z1$77{2VWIR$K9z}yVPhp#1Wrf_-^SO0+fn;ooTLEFXymkmr3Rve5=#y zV7BSZ3>nSx+~&t%^!GgKbVy4dgO9m_)Ey%B1q_Oo3}v-g9pFSbj(BkCZveWC&~HDm zEI4HBa@dEiHzO~!kN?Tbq$-P}^ciJ=t#hl70n2Kdqzhu4eqTHBKu*=E2JLM+j zT(|9%@rv3Zr2`HhYJ-ZjFj!$_8+?_d~X*<(3ypMtR&JW#&i4-rrpm*t#Cendtw86fCOK=Sd z!KEROmBYfQEmXCL7e#4s`_P&xSCXLoBLXPTZEKUufv`ww0J;hF;kqtZEg0>x6-?GIfN`y!4KH%6{n!N z^T!Ik_8niuKQ5&1&!1N3QL&!+(|OYZ*`Ke^QH8Pc%2J=zL>lzUpN3by3C<^erZXo* z>6>IsmMd1O<`xatY4KsLd#GA6ixTWTIeO@NXo%p0cOV;5nm}&+aD|kloRU6Y}vy)zfOylJ=@5Ex!+6*%#G&Q2CPI%w4!c z#?o;$mPE^7>BGuNA?J+@&6qo?Zg}fgPV+`P#Yw8(BG-TfX45Gd%W5I1#P`m6%Xxcm^sXmA{j&R>e))asm%owr z5#lw#^7DVAEMIfk71vxxNtkxGhE(v(^*ugl?#H}!#$6-_p$3Kwp8Qn=M??6ZvEq~q z&atP`(hCs=Eys|fM5g8#BBD!j`F#G!&Y_`0)kY`BlhGovpbshW6_)`|tzd%zP<+M$ z3ua1;C+95k0aE=5ckHPunrahqCVCyXgpwjgG-aqEUot07Eh6j+5&_pFWJQSYlyCXQ zQkEhc$fwNnsED(ksKULy#!BSIRtv$I3UI>fk^~Zqh$wTDSY6{KkFAas#bUx3WJ@sK z`qhmqqzMdq1D)wsquVqzL-~(9WC z@=jSsXh3>O1QPPrD>{>nGF8`t0LSoXSqtysjCtTrhHnPe3tsgaBm@yIU-L9Wi=@XQevczjZ1aBmd_8i>TiJD7 zxQL#&r#o+BY^jSmwtf_%;t#W6!;_%f*c5f5^z~MDHAk5|o)DTliFS|S?bz?)M=78% z{h;j~{|(J5DxUt0;rHXNdr7#7))qD^F(SXM3VFOQ?MT6k@Lf6EZBXVNSU{99F8sA56XC))87|x>)Ufo|Q` z+|Gx;8ZFb-11UcI9fZW%hqFmE=gymz@Ye(@Q};e{D!=_M`_I4;Pt>dlM6kxVQ44e2 z(yc^#=#Nk*;h|s3F=Tt_7x8wPMpQ8L%+CofTxhL4@uK7LJ??`c38%`6{dRlY&-OLi z>AEz3j~na$uwKe^wP>S!EUiM5-0NfG+^aSG7>D{Wse*8*BZi^_q+yZ2NY$5qJn7Fe zMk~dW4vfv;liFktfBRkNkGT*L^{!IOaAU0KVc*_!3uG(3=MOSQNX56`2a@k?+_`|y$JP4h&-Rwj}l$xXfGlyB)B zSW1?+LG&5r+7+CayiG=8FIR2Ur$utF7#0Afe1La228P+x8$3~~UL*D`Vy%o#L9}Ip zCp!lP6@GqKN)uUOBpBBkbkO%zjO2w};+^^zE7@V}FJlkUKTpCx*z#OFQFfY0EIt0$ z_@B3&KJ|j_k1I<>zGWMK4z-HMu@8lRa*GwviRAb+d^HF%C})g3dm0+BBDF%NN&KQy z9NYfzA-}59>$_BXUFYtNhdTEjO66~Lc?#d%#vZ1WGEZFl(8t{CJh|O}mzi=xenoyJ zO+C&B9!HQY69(g60t`#jlpo(uX>?oIyXsy-cCf^~W5T_2!hMqa6uI15JK-LgaPOXQ z3lr|sCfp*H_a&qP%J|QjaHl5R=?T|8u+*&_Sm84KcXYz7PPnyMx9&FFrhAXua@%eP zzg_p3d)z(Y&barwPoHq_pKzZAeR;M!>&{KM&zW$aJK=g0?(-(x=TEpVm~c;m_CK9) zU+6yI_GaA|0o{uaj$Y`#WWs%^`!e_C?w`4@m~da|zRG>|fmQBn=G@o1uXA5N>%PH# zqx+^g_sw(epQFoL=G?csZ*$*1=e}dsednC}E~qg3JhDR*>_PmCkIwuPez3Xn=i=v= z;^)`mX9-3K8++I+Y03Tc&ok+t`|wYftuP+W@dtBV+NU|jTe_=xGoeh^Av-xB(@)`C zq+gG?POFhh!Qh)hZKSk%v!tD`09K@;e)E+Uq=AGEV^cC)#iby3pt50HL8fcO&sy=b zPW)^TKVkzZ+l;FNOW5i3a~j)%A9g1G5t~8TcKiuAIq`EYekRxsad9DjitHk~MJnE% G%>RG2HqhB5808 zIDkEZ`+{F+$jX*DAt4EYge^cw9wd-QAOy%GKtjSAv+rA2zyGQI?$xt6{@(AASUvYv z)j4%eopb8cIaPI^zxd_z=gpr-|MOS3n{K6kI$tc8>y5J0?)gj0jZ(Mf)H}VG^>#kg zd$2d;FKZP~wHw`5$?5s?P^08ls^ykb?;Y>?tEhUXQf=o&`z39s)TuP;s=2$^9dMT% z?+v-j{KcJ0r|K9*{@S|JDHW^vmNU_E+HGn`l~H%moz7|ML|l~@^?1()nnm=Z({tDQ z%L=OF?m~Y+^mo)>RISvV-e`BM=nobW8sn=|syJr#fAKNvAkLMLl=5yTx7Mp6f1jxB4eWYW2=YY2>c9(`t|0b<<^6 zUompbX*SxGPNP+E+9MN{j@um@2Dz27R*{%AJl+DBQ;pV%5%j)2!h1bZD0VxIcDGh5 zwkAg+49d6Kpm^Ki1>G@sp1-(KFFU6VmU3>p=Yc}^d~k9*{@a27F2;X5iCQp>x&umv z{6)=TrPcG#t~JWts&j2Ff~@Cn=4HdtB6nc4(<^q}OWa}2hEaDLnC&j-vZDuojeOzn zKH6%G6~`*oO1o1j<&LS5&mGX5$sGm5ixXfmNyDZ-8wvS9ul8ebmbvq#EX)45Hx!dO zB!$P{md^|Jk7)TEId=2@gGX-8*UCL2eZIe{)NPRz7KF^Xcls;jD<*u0=lM(9PN!3; zPe8%eDvcR$HR>IwUheq=cNeQ&42kOI>QR5$gj07QCXH4P59K1Hwo|M%@vxjDDggKi zJPwM-ZmWu?m7PYZK+;O3K)0BNd$Q-R8*el^^+v}r3J=fsSCYEcyS2jU@kXoG!<$uY zh)1(fYShRIv;lGpf8$gg_NH(Oa$Jx)1B{}9P@++PMGI2j>J+NZNvGO7yucrHi&gcw z*k9|Mu7F#eVyD}dl@|Mp%g$JL0_awqDz@t26>7AcVhwMWby~%eLqzqa{8g2Dv)d^+ z^-`mZT0MVRw=+I`)o{Clzt0U87MxbA(JHvbdb#RA&IhQgrB2UZ-RO3LP!=;NJ%4Mc zBm}~}-(SUn>JG@J=LQQxE&Vk_KpR|g!JjG!>iH|H#ri}SVh(nf@w@;=)nDIoN{v>z zPJ&~^m~kdp zg>t1`9IMhuh+ZyH3ccH3fzg1qsxzyN>MKRH0#U~%j!pCzkihtpWrutcv@!&CIi^qb z2nAb9MgekPpMV-wE450ecVx}Q{;H6oK(?$?9D@xgcii6LrT$iERIQ+liz1-VZjy+f@z=B`>z(51 zf?JtztN0Jvx2W16#a+?H1lK9t--T6bgHh|*Gk+{p8<;0KYqyr%BKm{j~3-Fi7U18l`D?AoaqNn9JWty9h&Pa&?sXa1A2+6}Bps*za?N*7wzIEoX<)rs8 z<^k?Y3I*~94scCU)GceAgoUh-oB1FnCg?Us57ffXbL!;!ai2sn?Q|zkrUCtiQIwp- z%M!sM-yra|UTik14*W-dlTp|3q>SMJ5aI?@y5}#iO}0A)IFiuZo_`K+>oxNo7t>uk z4+W`|Fl`i@J;z_tY&AT{5m?BrBebE^Xim1cT;IQM&)%zt_wCuYZ+Grk*KOsV0Svjj z>J{`ChGsI?7|-o*HmenNo%DQn?xqIZ(nfQ4?vT@}73-6^{i6qS&Nbuh+?`Iz zy|p`*J5(FH6~)C$4RBniQd4!&5m4yDNAOqQ0-vf_&mHbM%_i!>(`#YMhWP-m_vSCn z@9Fs)40aTRf8jv$RtguQ-5n>R>@P1hs#Va*#>8L#v{o5bseF*8PK@R;avYf#>aT$o zbXwg~r;G9qIqWFu(9crR&T``v#$zG*O75q-{wisi+Tb_L2fWciWv$x1BH8LvwOe+m zn5;Fktb=5C3T!w~-xv@06|97DOEip!X~JJBaNVWP~Jl!LD6wdR;Y9g(F*q!H6mg^@YK9ofbR?vPPIM$Pb?K2TpRQ zmoR_O{gC^{(MNjjKe-=afB0*Ksu|-0UttkrG*$dZ_ru-_tYY!Ezl7-*c!aeNgYr@L zV;st2n2#cy75?5|#vTjfwN7u8S6C`Nu%7!I{$@F!dEgIVv}wI0XQCo6-^{sEkPR8z z*=o?=^gs(v_JjEcWZ8ocKqVgR@rJnx2SR5&1%5{oGFml6i^jr)JxPx7MGLWz}Q>NZ$``#JaXyvCYJJ*r+L&4RQQ zWoNwDg{$6zC6yf7jJXb-tut#tb`q-s*I`qifJznkBC)_1%u~Ez9W6x~V`MPl|6tr< z_(joq(V_xW^pt>4!dGr!rp1u50e$Tm4sr#n#7$niCtj{ ztYq0BZUVR1vK_)*tHD_m&hYV`LN|y-e!*#0U>W2B5DU(RPe zc7NvnoOgXSOqE+eg)!&_^hmZ|%icTp!~K*7O>}j+Yyq{Eycz6N+XdK+%J`&wwVYm+ z;IX!7$;*)qcHt5fKszE#5}M(n%BJg#cLlhqP-V<{_a8*;g0XvpSuQ3x9)MaV?F2J4 z3%nwxz@^MtqxqXwa0|hGOsQ;Ub-EnhRxYOSM4K+06D$wdYSL{~F-t4)Tgj#ca_@Ph z>O+Xu&~UQX(q0~V%2E~woaZm1_uT5R8hpC-d{|ia54ByVOA1<5RPi7$X0x&TA@zDW zdo8>a_ao{(@1W!W%&#ipGaCAXg)HWcp3z85c52GTBtTuH-mPYMFiqDxmGKJsa!b1P z6Ls=HR2|-zc8OfOp7$z~xTUOl7fVm}UPu6Y$^6aUPV?0SDmwC&=x@tWGcd2pdxXVj zCs^SA(EX9>5@)LPd*pJG1K=!zsTA6HvAdTb|YvrdjYquz}7lS zKsGSiYFL@^HIP`*iB_B@W^J*gBzw#kU7DA?22=#IJ4GO;6iI6sWVrby1d^CK1X<0? z;nTo+AsP$kHCVouwLb-ifucaLm2fx);lEX$gC@nQ>Vo?P_lwG4u4Xb?qz6Balh++Pu2du`vdj&f4M(afB(e&srvid?sw$hKJO%q zY^xaQgoiqXZj-`&n03idk&WH2x?huj`@AwHUht@aa0sBmM8k<+92WAuBTuf#YPagYKa-0$D0&9PMHBqquRg-(?tdD z&MtV*TXk=_$7%|b^zDR8jzv>P2-+Eil$VhMFGDq9tW1EpU&L1Sx_lGsl`bmCwGUsv zC>)%R)HCQ6qC4c^!=F^;ybmn)A|R*{6V5*&me5t1`(;fA0y|jX@UAlWsLf*kdc54P z=;|w2by6P)k~!p@(V_Sy7Jodlsd~({0iFi}G>FQ=VK)VXOBSDnX_A#}S&+}^;o_J$ zGqh)=h?C1JPE1teeBK4o9u})bR(^oF5@K8^_)`{^DKv7Newx`REM^SFxq>lRsnKeL zLNQLg0Y`_zI6d#L$lOb@;yqx#0UTOd-XhG-4JLzsS%K^iUK)I-+8*pBTf6$#%6M6+ zT+e&$vQw>`Y~`^C9jP~KBckq8E*){&myckihHJIzaEW?|%9@kRp&_6#Tv{a&3e!st z!GimSumHVpXU|cjC=iHX!V{Qej>Cfc?xlLijd}_kM2DOqJzNsPJ`vT7DY`VKNUmpu zC_!3tVlG}Ii)ih{W&mBbLY8%DvOS~Ptds9)(O6&>NKS6&s3L9fI>i>=l9$9s?JQY` zSx~vGqQJ=6x7>C6?YYtYM{dqtck_|`x844f{Ra;oyZMegZs;lG8+B_Dknd3H!QXKE z{?S8s?LUO3x8MGhYK3B*SG5pFHR2ge%{W^ze*G5m9uQDrWjJM0hg z*ioJ;>OfL7elq~)uZ#H(Nj45|ki%nvgHir!4S$8WA*7hucrb(^-@;4Ca`C@vSlPk! zR=c%2+-9?bROdA22)Oh7{n@-lr_p3N97HymTTAH{fp-J15uRTHU=8nKLA@cmwVpR* zWi)BQV<(q{b!QbXlZhtSHvWDSe{W28%1>hLmh*DqvyLu+>%-m)T-+(p3dRcs=K>x> zpc@!AmgG|1SVM*gz9USFTIcWR9WAKJXak) z`O5H~;bX0ZezF{bIh1C{5VQJ-_Zmo>f8NvTP7cI6Im7FvXs?PFuRKy|mz*k=JK%m> ztModFBu0bR$g-$H$dY*dQ$5#g@t4XJjS#4f5=6a$#dZft4TMm-k~f=WX{psf1Vd$Y zln4+Cq{x-fe1KO>d1w&NH6UtX(0-} zqJv~_vCOksJ%@K`RY`;ZK|E;rP6crE;lJ-GV5R5si)NFDeI1)GF5Z1B^ zv255tMJbFxDa*g3rwx`=<4U=nn(+cAOO!y8GIBPBa*?7XW>Nf~Z7g8(8-91KYy>Twn|rHYnE6%C&nO(*giv9Az`V8 zxusI*)@V4WO9$)VW0m@dTcN!Wx{1Ln1(&y3tJ=r{-72RM$vptD3T&4_p#!yt zd!jnE22#bPR0q~5pv+z}0bNV;NwA8)j57=Kh%mlv{lqH8FC29_&7g7(W;pEk!)+m5 z(Y;X1fijN#YiW zB^W_xp+*^W#0n^L2)!s)5vv??;D5rObT|!J8MgB6~AKs4(B^p%;c2PyR3Vb<& zxGx2zL%d+-4z>@2#T-3u?W6ESCJvc#N>&Oen`AwaML@il_B08~yaBAZ#Po2stch6z zl}V7TUm3MS3V#WE65EQ&~p6Zk{eV@UgM#Ke4lT4mZ!sA^u6 zR?~1G1>m)T>Yxds7Opqz0wwTSun-p_9xQ5+V#%TnfmXtylZ9uiLg)r&Ys5m^OxsoO zH>w%|Z51IQJ)EU3X3v^*d{wGQBOn*FP^^PBBB?97zMiyG#PzuGWWhU5@@BJ;rUWwH zSiUqN+|sbS|12PFGb_tY90l4F!{i<`^F^9jt!COi?}~*oIdHC7iQ7f^XWV#eecc+U z#Zr7S;Y;RD^lJs=mbTRJX%Xjh7Dnaj1 z;;q)Ra_KPeJ#IP}#R|b2wjHd^+S9H@iE<4qhoe{Exu`bnsG)cwCO;NdL|lmWnRT$g zW8pYn%h`Z8q%0?2`6&TBi$N4CCh~C#g2i$j#96?1zahTHg9oxdypZ0Jt&<+65Pr@H zS=g?2v1bI^0c5yz6~oL{(KW0i$sF?uj=h(wPQKBB*%>J>8(9VBh*A;)rnZi)`Mtw` z&)ctK#n`cj4J94;d9*!D!sg6J8KyWERABp^=0DK$=ReqcIM4xdppfSk+b!rxEi^gL z$}9-XR$K^_jXCi5gg|q`&2qk{Q4~j;mn+!fubOXW1n}nN2C|uyDPt3o5Ijx=Pxe6B zS#Vk6<|85lz;cfD_h4kl%*)P-$Na5G?KCDZecr^&d;alc7&GnUe(K|6$?)|crVn}|n*sn} zS5H9m-A1DLx?{6KIbyVRrz-oVffLodEPtrjg?bh1$8NgiFst43;pl1qBToJj`5v!82HvBU zI(9);Z%3f8=O0PNlb}+!HzsJ$V5x7l(p^aBYdotC9VJ~(H600Rb<<5x@A=m!)2aIv zgIS`zG`W2|!|x*f$^}{p^Jt1^&)*VPg@eTK^o{mrLOX|MV@}}f5y&&Pr3j_TJULwE zJ5%2eR*GazQ)MQ8@Q&Vg0JBx!%x8B0#=wA@55`0)yKYc^=;$cz>_yc2X0uV2?hBz3 z5@Vjr^ef45G~RSwG_6eR?9MG%&#yfJxbz&+^Y2Q<*R2+@`-n{n%=b0eZ4~7XP-30U z*+;Q(s3PVWua3eJ_WakUVzqLTOpcn+4B^0#^fO=H0oTVVbKx;(&1ak7gJNVm{083y zaWrckI?AW$p1&=CA|fEE9-Hn%43^v4jSj*brDMjFo#OqO7C=HX-0}`f1Uha$ z6cT2UxE}RwAehtDcdOCcZ}0innVk%dX1oo1dbfx;e%0ag{9BWo>w&Ph1tzqaO70Qb z=YV)p1!1zN6wkJwuBpv)EC0JDEkVZWx=%D`$k#D-IWYQ#qF7R41GHM&NU@j8EyF$Q z`4i$7`>_g`gtOp+4|M_AO@Tlk`DKo6*g?NrSQcRV*1z1!Ra`+7x~8z7nNJ7k7sOR6E3DE$;Sex)oX5trWc+>D}8FvCEC`m5JPHOX_ zeTJU@lw__XFgFyt>G_u@gGiXPZyvqvSkHf2ay$D0A!DZ`@!DjF@#-8{bI+k;CYKP0 zlRKEeZ8>j9kv?X4Ua@Ob!SbFz{RNM3BOmRKd8?5Z#lb?HKIidE5iZY{DDb&C{1O*L zVEeq&q5Ch+3Kv#*G>FRN(PRY;$F*?=UT&M0uX$7w_0JB$@`@*mJZH?}uc1v-)x^-RPJ+_47^cIdG z%IpFH?#}=l-6{8s`^WB|xPN-aeZ!Rdo9=J9zcK2*%6+x_%2BtDbB2F-#(n)6_s`C_ z73>~-`IP(n?jN{sbl>da+}^_NmQ1Zf(I;tzS>K?>^7{!e`D<*#0I_7z@k zk$l>?;WxamsIqhJ{)x9#m2G?f2Y?KUGiHfBr?@ zTGej62_kL{1Tdtm-_4E6@@2Pgl2*n^f6@V{iA?si)`PHt4NXPcOP;tM^US zZtB(dcxS7!U%mBx-bVHG=$C)b`!7}V<^S=3cdjb?&Fw$-ey+-1`J>NzKUPn#9lOz6 zqG~?2`4`^TRoNeW;}za_)ziOL-sD{*YrbaiC#$@l$+Fj6bNvsz0abS6fj{!jQcnlo z_fhYQs^(qiy}bq5a-3RLytZz1W+l%HF;4$KE#e^q#Nn_2#Rmk3H{BZ?k&( z^o^hP&R0*5zw9D!i+cL)qaY>ggvxzta1X#QxgFZ#d$eBglep`Z&*v$({ld zboAE!xW8PaN3m0!U9H6q8{(7|B7+Ob{JpIAq8?87Gwq}#&KBJ8qAz)olOh73bOX$z zOl_&!xv|w~vgGwhp{d?bY`t)rg0~^Hr#8D{+eBB-ycL-TYIRYd6`w=fBid;h!OEGp zAQNKM0+CAIg3JuHxHuMvb^=Gp|K&}{7Fi*IQ@~r0y-G%65JG+gZ$d^b8Hv#^EQ5Fp zGJMHMj25)A5^3AMg3(AppmYe$}LbIWdFvW>huYH>vp z+dzlNdq;BHoD<{`5`-&LAn1J0NH8ACL693sAg;Cp5#Cn7fspq}Kn~jhq2QKNPK#J` zu;j)P*cvWz8n%1#>D5Z;W|Z`ACvz%ZsX3!$YIAGHsTifkXv5OA!t zGNe|y09Lt93y3A%WsCn84!f+PRpL>$uq0r?n$oq`HACViD;RE0W?e%ojJiQ8BwUk< zN7;IpI=Lf2PQYa_8~EFk>uJo7vV}8&4OTb0830NbpK4wjwKPaeL-Z)(V&VV*E}pp# z!|C0KfA}g~x|PRgbW3Asi53|qtm7#pMAXkJq6k}nNX|Wl*`UZkprr8wOU87R`7 z$ihBf5Ays)B7&+7HSPsnMrRpHjV?|_QtD|jKVy6Net!u++JH^>^SfvU8-PQZ zkZjx;5!exY+0#2~W6qQumw& zK3x26RowLl*y$6U|8dvIZvu#K7Hsm@iDa+P>OAeW<(K)pTf9Y!=gn)6C12c6*YU4L z?vJubF|gN%V6$Yd0>0J~IK{GKfS(rv9u8`2Dz;f7q5yadqVq$Dq5%bs>Jm#-6g7`Q zB?m(o!949YQ~bKh5;n!xEnw3=U~P0v6{dk#ErC-WAO?82$@d#6d}j7#v~d&<+&^`!$xZDP0i*drPSQW@bbq`BO_Il-P(t5+;E5 zy(HB~uk|b*{6-M>(+=d?{oF z4A506=CE*JQ-h-C7C}kIeYi9zwPJ~#|3C@f7_@W&FLJ8Jxy8_F@L=Xw zi{jaqcqvO9gLh9B-f+5DW4_1|Go_YeFyEAg`HsvSv+m2KmVKdobWC5au!~STRx)4R?rjNz=T7PJXl9KH)DCMe5q6}r-H82B8~1O(DZ%T5)~y8VoIn1v@O`QBHv!l<_F! z&ko6W6rg7ZWIPI|v%@hS#lG3W7>^>=>`;tHVP$q8#-kuGI}GDd#Fia|@hGm!4#9X7 z1!V_dJPK8^!!I5M7TLiUk79r9(2GamIdyEg9GW6_5OSb~wc&*P9(o z@yI)7hf+LpSlNLTk6cK07{w!(jvYkt$f06~P&{&NSaQ!J|AXc6JaQ1&)&Y+ub9U&& zqgj?6IPqu}WQR>Wnxxo46OZN&cF4pdlg_CY} z`ppiLc%+dmQSOlru}w7|2|U{e}?K#j9Szml2QKp?Lmvrvb6^D?#;rpo?XN$E|C{s zb?Z$L1i{mLG9XaZOF2<@SyavQs(hrJ#1Ft5Q1@6u6$M46KQ&I|~KOupTss*rR(L{^gio0d=^>9hsHZrJT5T`sDnq$ls6 zSh#FDQcrzOmil>snPw4*`$Fn}#`t7M{!FBPO)>{|WN^UHfD1ARi`Re%v;16G10uaM zwBfugq?y`qZUzKH8_u?UFX{ z6fKx4^x;{osvQGnq7UoRc<^ur4-AcXK?Z5@8WCZae?eFyV)|$3#PhSzX6nR)84wJe zc#cI?p%Z-gtaRdDOQ@J3XhWHuNZ9K{c!x`1H`?E!Z~ZF)bu(EB-eW2_{2^C^a+idLy-CoS)%2wKu;2zya z(7FE2IrTGH&R=LjurTKjv8r|?&qU6#vNgA9{!s?ihM@mJ1~Ku19$}DP*#^eJko4cn zLX;`#ugQR5Nct-+stQTxLu4iC&$WaKNvA#EcEfHj>0!Smu*vjG=v)7SPTfov^etg0QwGZFNK0ip+&rxR_+`4Uu3o1Eh1Ji?!-L8lHGV!kK~Po|j9&wyZv`Ohr| zNQgNfAS*Hd4@;;Jb2@%tH|X|a9yaK~P0qJv40-%GQa_XB{1yw23pqc)s@jn}6FFZL zr20e#)rO$E8N^sJC~DAIj|@q7vJhoT`d9`8L(&TtRfVMUA+nP6r&vOTq|;d#yJ5GN z^sqq>Y=3_}`qsZer*0+-`s*y{6@va4t7=E_Oay&lfaniq5N*i$|IVN#Ud|)@i5hh3 zkRj&p%fgc>=I_mbV2JtOSX32a&Iia!%wKB>6=F`uvg`)kUd+P=J$U?L`HJbtIrTGH z&X)pa+GI~07jnLsRkb5|CUU+gNcC_A)rO$&${;3Q&?5|r8g$kpL((tKLX;`#7iK^( zB>jAgszTEF5Lrq30!yfnbUGtwH|+M3F8BG%HBjsU!z%jNzhS5DCJTJUf^H%3@u%afc0yn;{$YP6a4zUW=v)6{Pu)xw`wv*qE5!c&tg0QwGZFiR0iwT|L9`+6 zU(28+Ufd)6iTX3tAw$f+oP{S-%>Oe3f+6Ogx2P(_oDYzdnE$OMRERm9q_!J$doh=1 z1Ef8PKM8)7L-3De5EU=@5k~pvhV6Wy zXNCqmH49;;1{}(OU}(TWi>g8c_>fs?zz$2O&;UB-Zzl%!8W1-0fg`#vMc?{2^wiB{ z!S^lb6^8x{t7=E_Oay;nfao`65N*i&8!~8#m-h&NqK2M2WQh46XW_{d^FPdhV2Jte zTT~Td&Iia!%pbOd3Nfb}C+r5@Ud-h=N@?izS)AZ?72iTP`@n2z8 z?TDX|#0T~atXq{%v?1}UQ8jJaikJ8ZfBbD>3m+N~L-3*;UBQ5Dukbp zm6h;6ZXp2#6~a&VpxBN7tO$P~ss3~j-@ouvkCTOe)PkWx_z$zHcEry}_ya_@Gl({X zznMWxyzoc(lPdh7O$D_ql$pZsWk4{5f5M`w5Pm*ZR>FU)B~%DM-Ogh-{<9+dfdu5A zqnrH;KlM0S`2Wm;bRqnI!m8R4KO^A}5dF^?L>t2Ykqlbmg+IcdRN)ULVE-`-Wv1}| zLk0vx`2XIbst|rYR#w9QN0v|_{B&oO-T2!JzdWNGir1}*Z zR2%aDvJ7J4_D>q|Dc=wi$C=^S^Ph0LAntC53{Ov#Lq#5-Q}MZX~sn0DJlG_d3&GM|b<51gPi9YS6P_ftUpTC#!15 zgqf&8{BDN7%pl&-hPP(W6t4{tKKU1gmjb4NGVYrt)WReBi!9WcO7X@F2!>MpsYO+x z6nyNgl;T${p+YI>-dsC*uvdx{k0_At{}H;`zcNsdla=B77NiSh_ztUTNBm5bA-Kok zoVDph8%l5%s;13v@k$WkPpU^0+U~F+3uUJ8ug!p92>&XJszUhrSXl}GH!UQ9phEcR zHfOu>w-To)PsCadVFv`C;WljhT5#bh-LN^O{re3r%AQ*blu&65Zf{&h+UL3WA3ca9P$L%D- zUN2H6g}~N;cc7d7s{{2oSsmVHLAp?fH?yjC#Lq+>g8L!(#* zgtkU}JPT!}@P8}=f+76>WKmTJKOZYA;eV4QR0u!ag>N_h_QG#-k^Yu-(-C~?ZL;8R z2Fx@Mg7_{3exH9@ciRF zcRT*uf&VVXe>;!&{1xK+oa2=$=su1QyB#kSyPZb6TdNgYlOyIsfe(10-5skn%3U;w zD;6JN%}duzO9tDZG?(yc%fVd2r>w63ER!X1446KDSlZ0-mpFB(Garso?}ZrfhkK*m zi^T84;`b5u>);E1#nWY{*>QVM{RRH#FPf+}#(Javl2WnBba2!kY!y#wm?U?n(AeEN z>TVmwjfovRWZ5q<8F1;dnhdyRrdJhExm8TBD)fDwWnVGH(6>-xENzUTwYL@FDMqh5 zw9R-2y4b&OMZHa)V%}y!w)Cx7)fmEOG{xl2Ddw2EgFAOuz2vkyMch3)89&{8a(1}k zj|8S0&G+H1?m^Pj^KpCbeaxb&5XFDujGn8h=clv8xQwaizbptAlJx^laCGYNPNO7r zvt=JM&iE`_R4p9&z)I71<_?j0ux!?+2!kM&_MY`Q&Okt`lDQ;+Wk=?c0E)HEC45RZ zhv(??*Yi300`a?D{9Y)2cZlDM#P7xIcQ)qk^?+nKcXRc%nq|3ZORp-Ihs-FXR}}{H zO%|qxpknT(kBr4kVKbV$Wz5jL5kK_{WyitW{wH$kdh$g6OpEc7o<6H;$Ay^$N!A^6 zs+Hnc1($J8M!wSaybK{TluY!B&G*)O7BKr`_~NWcCu!?(}I4X8E$o*M8@1n2usl?~@hdT)@nl;)PCVV8V)MS$- zRHzAkY}8IV?A65LOQp|85Br}ksI$ph@t_6OLMxubs@l;#6Rj8se=_rTGw3$d;ME!A z#H&GsMgG}R4U8q7=$0Y%zmtV6Q|f;+1A-y-udt{pq@ItImDHcIgbJyr58&F3zP;4T zTXh0#4u8w^v*=_0a!=h&mivFVpj*iOzp|=!l+Q%&mmWGArhMVXbjl6MpNFbx(_6gc zN0_9q)QKAsL-v1`!9YJ#_J5oK!I1qQT2vLX&qvEj_CH|>6|zqsX10@n8Onb61G_h6 zNI?9sQg@SO|HceaA;t^Yzm8S4qkM+4AEvyVLAfFO#SDThnUo;=qGN{aKPwAgrtIIF z0l|>{dn~F7+2^BWCHq%fLWS(p2gB_oz+U$I{Mz{Mp|}0d0MzkhEqILu2ZR>9l2x_i z!A!Iu_46fvm%#%=AKsHeTD(3)*yZnt@q*I7VDi^lm@_rwT^SGz&G<`;szNjP2wG{z zZ&^ZxX3)p&?WDq9Gvrr&jOq98Vyl904?1_ymXP{{UM4TvG##~|UMH)?e85ceBZ&V( zEq=~8WygS-sKx3;23(ZE07ECXXV4X|6A@nNPx_<`5TO-YQgT^nGZkWM1_VPP&atQ} z6oQYPl|uZ)ULn3X2X2!5=$pasiKhCV^`WC$9UPF~|13d$PF9C83ziCXD6pz?uMUIz z$J(7%vD7hXegJGUzts|BD&q z#LIt#Mfy_0*by;g|8rRgGiCojG9VbT|8Evmh3xaevXcG3vV;oRUo;0!k=&0T=5#n- za`9Qyk$&oNvh-gFn3fLF`K;>POMgtH=(Y^X4f($%gP?f%k1$DZ%1;;-Ljw+Eq0H2P zr({4dG~jxRszL+!fLUq4HcP0`fbCD9285#~Q|M;@_Mdv3tN|~wAYIu1Utv|B5Df@Z z{`w5c4Gnl*20`%}5MffX21G+fk7c3E)PUD!Krl4mRTfo+2Jiv1(tzh#LWKr=V-EbE zVUf5GTALG2tL{|uhl<^H8;j&)H{EiWz0s?JFQeQ2YXnh{tP%fd!3v=fpJ!F)UL)3~ zuweP-bQTz@u@qIqv)#+*&6_`u{uem%uoRn>!RlhQH{}nsobhg}(qjW3V4I(hi6LSA zmN;(I7qNC;9MhLT7czBbK?VdvXMSNZq(W!-kXq@?XDp#YXI9O@tdWn^nQG+(wyL>} zMmc|z(<$Dr9<|auHA7moK8{wJvfmOaH05h^FuUx@Vm@DL#OcZ(qv!ok zFhoSMuKb||H-xVIKC3$Sy0Rvj10TxZfT1lP$RI3UTO!Qz_hxEKq`QW`yg#cKnfmg# z84wJ8`Ck@Qg}(5yw9=Q~wS)?NSuqDQ%S~DOLdgoJe570LR8CU4 zBC?V-Xc=IJ9U0SkpaBvZG{CCPy#`&-4^Q$LJTY|Yk_=Mgbt=L>|3IcrSrA}o*-%!$ zGPP_+1_VRPF0iO7w2Y6pm6k2EgbFQNI0ssGg`JiqYgP^Y?|*J0Qj#^xv*3x)tO-_i z?lo%@7tCZnyflLkhBo;bD~Djo^p*IAgk z!mrN`wf^euoR4jGb;U%}yr$wS_S8RaQB@on`T}RvT%8qObIz=YfuC_!cqPzSx+a6H zYK&ye=&Z2+%H$KgI=ohxXa?_P2oxn=&k(G|B}86kq091VF`%M(cf+W6IhgQpuQ&@= zG+b=Kd12x>=dDZ}m&)|20xH+^^r}ME|IR`!2r3Ncyg6_^;3(vKvDg^5R&ak;MqOY4J z=42Sr$1DgI67pJ3@T_0B@cJjrifS>5x1_o}pWq4mZ+-H1HZ@4#|L&8qufn?lDa+LnQzO?>tErJ&u=J_|DxV$Fs|ve# zpJiV$;clCQ33o%>T3^qy3${#WmZgp+&$7R;pjg<@pR%f!vuq!`osX&0zqvz4&8v@c zM~kHs#R*4q;QZO)0Cw~}V1>PG-6%ghPgE==~5g69*t?27) zsN}Nk!rr&d(A8g9a6)L}8(GyjgFmyY+$uAdVKY7x=UIpyI6c4i1mM!^lZa&hD_BU9 z{cr4dHYE8&7UL%*nU7x|lAK;uK;^ztdQ~wa{+ERZMo{5%&YuIH^I|O--72!Q&tcaM z=k?vkM;&bN>P%`UY~{JrQ9bH=vKu-Gm|3PrDBKcOHBRBC9nSE^z~9iVi<|tlDLfd- z-~stj;xez@8KlK0lOpW$hm2%W`bZg0+|DfInc1U@`e3)6LmSWSb0gf&7YdbnrBf&j z?bO2eOZJSvJB#+%?Tb;yoBK>s8Lv8QP9=9_^&)cwj%Glh;TE>!h(%Rlq4>C3S*Y#y zP`PqiL0x1C6?Sj)9N4{Fyxlu^V1LBmJ%*n4?`u$}lMUW$EvOd;?^Ueo6JYQL z2Jwcadv69!@s=*aC;$8eOJ{V?FmZpAg*8*b{;CfK&&0%S)C4F~VcNED*|YlVSwzR$ zwkWIBU0+yunYJyar>0T+N*4M|ovX!Yry|4O^7imn6&~aa}bn+e2CS zGr9iU3pNm6ps2 z=>_$r+oq!=)ca&5*#nrCZon|BI`>L)j!ZzL@#3xwUKpx!EQ7>&Rf(`oU$$#8W`tgx zi+oxZ`b=H9Jp+QFE4Nux6}rNQ(@Ix%Swe-boHqx$BEJML`A*w84jA8CQ{Ox7p`ZQF zBGlz%1^J&Aw2N8fS6S7$SCG|-40vk>0}QSBiwwHrwIaeR{ZaU&(J@rvjafJ|RpC!F zAQ-CfdW)(;75KneslrPvp+XhDGzS~xWeOmH*#{kXR%LwkOivo$M~C~@3F>>YPJG9L z2|_2n$*Ru1PHYb8L<}d+Ixn3QhH`8`)wEeLUO6I6(}{r0@iMezZ5HxOEm@TT!O)WB z7FC6o@S(KQlCN0^2tkFGoHGX#hWxCDN|(2Z^eZSlGh;g|llN7^VEYSGHVo2eF!3LSy)lT4~H1ETKYUHq609B7^jj^LIM6 zrh~6McU#fxeK+T(qbJnsWIfpkm}!0p@n7i4I#zY=^<-Td53b4JfuS8&W{?)I9T9fv zP<_f689H%U7TQdm*qZ^t(22Z7RiP7n_^fndwIx*O#Ev=8iB)128LQOmf%~l|(Xaj| z3hH9A0-Us=6_>$IN@KiT`+kV-xVk9mS3HJ zxjol@&7!Kjh!9t?m!U>-Bo!k49_i&2wmV2hf zWByjegc}pBVogY6&p*&NjF?XW_?Pt!<))jS-t#Z-yV=d7w;hXYCjAWfOPfhQD}FyG zem~ECXJd2eM*%5o{uBn754M#7=8BMBRY2uNDZQ#tucl>RVb*^z2a5w~)?sN{m6EZ2 zd(-*TG3(UDWV5~=Ftf%*DB&7bb+*m=PWfebv0XjaX~4o4+i>i1M=H#f7=xczY1DNj z?ef`S1o8-i$MXEraHjzS&yWw-g2)ZeWuHCIMl7ldsoTxjJ6A^io>}5qhEc!Ef?y#} z$2h^WZqzSLwuyYWrA-%upWjcP?C!hO&C_ayO+~#lV;|o`+JMpXuj`kv;OFPB?YDX0 zqw*;eRD7TLr{eo&EBgR^-^lo9-TOwyKGxoMtGG|FKL}x_8T7g0_j%&?`QrB>@%t;{ z_XXnjh2r-`;`d?k`w07;jhVLrNLdzM%#mCpt>(yCuvRe#l>P*L?SJ7Cnc@8S14@5n z!3klT{(x1Dnd@eBf6S17bCwRq96yp~N^b<|%?OS@E*S9xKLWBzia*MJXG8klYr%6N zeVpfgNMCwY0hN0#=~cxHywb9-@cX_$2Y%mrv79$Q_^f@Ng%?amHK?D-&fh%1%rXr^ zA%4bq6Qd9_TGMa5yVCAr{{TNf6+OCs!R!$2Z`yv+L?qokb0gJx_PjXPqN)(7vsu+S zJ7azGEb%A9sk_O7U?C?ra)M{wsXLNvI8A+#uATWVZ+tEMV5LZl_nv=rcHkMC!~EN3 z2PF9<;R{DRaFy)x3GrKHzq4VV?_=XtbkBRRH{_mwyytGme>?Es#rSXMai$@{lJcRo zvZP$>)2j-o+_0oq70UEud;7e24#KT#_2H+MgRdr-E7Dhijr}_=)XQY+{M!~oBed=} zSXE2wY=6DO?xU^7SaGaUWg8)LTG-Ps9Qmu+VTM1vy=mef){aZo-6QX?XWiS9SQlfo z?KT`I-97T@Sz=4l-6Nl}C;DG3stTq1XN#&rl{qV|RQb&eY7C3*g)=RJy<+>UsAJaM zBg=rs(tjFYRbw=Ch6{?6Nk^-ToE7z(d|V9rmgEUcw~T=m{>-R<{WJl|t4MB~c6)i# z$n+s3TqLp=<3}^_KJk00_`OX0Ue11JV@BQ%NLfN96pjnk6QyuFWrTLT(aOoM=Hy_a zal=wO*JySsHQ~tXRm+_qW)|i}L~6y2BmBx-@ztVXfqXcC+=$dZ-GY~53LRxtXInwj zVs=`m=-Qr$bAg*)ad+zyY$0t`aD~-z2;U_7I6D`*p0Hqy5Hik~K7=g2s({Kpmh`G( z270;W4AdR#`l~yQQlZ|h6(rl>)_UJrIB(wJ1zrx`7Jk0MpO*5cW&G!d{N>~P=coK< zEiW77KR@9wFW^sG`Ok9x^F3bnRsQoM{jrJC5HMuESTxUqt^rO#eKBe;me6Dm;HZ zUR^-{Y^Q%Nq4{|hQ8wcG>2rZHk^x;tGC)tH9FH<#&`%^4`iaCt zKarg1ClVO_M3SSQNQCqg$&!8|q0&zzUHXZ{Og~YaSU-`x(Gvw7A7z54pGX4r6G=a3`{rM&Kv%J-4bPDas+E}C7^M=qff8Y-O^s=6~=V;5QzoK0kt75m+{;|eMr>CE9 za;l9}cwSs#r#?pg5_A$q-aK>L&D7nxz+*paZ z-d|ZL)*JN$`b~GtU(y)!oKlCZoVR*D4CTD8zpUgI>l04f=`bReh)1)^(o&_vdjV=i zL$nhwnQdJupP=#M^rq`CEH#@1()%j7>|FwOcwfU`1}nU8;d#{iHvQ`_V`M+A^|U5< zu&RUInN@tc=qTu~wTVme&HmN|p1tp~rr)D~!4B{H_~VTC1N;kn`y=+#9dmbRI^AKT z@5(2lcQm;l$0!c8F(_51=WoTvnA{Lp52v(Jmp9gk{X08*{<`3l(kLe_ z;E#j&PC>Khctll(>Ah$W;+R)9C`(LEA}L$0Sxz$wlIhu(uzRA8A{WiyiV^zmE?!p zWgm4R+pQv?(?UZ-Ptz)E=!UM*`b9%e6KrefhThP!NI~D3sy9LK@(gkeYfNpT^_GU8 zYAN!1B@Why;p@V@X+LNor{E8zX=@OCcw`Omh7QyEP(k0Bs>4C>DZMu}n--o5{vJa` z6XiUJW=BZL4Jr&^QVVE(tFR5F>3a}M3a<<+K+9$YeXps_mc(3?OpFOlQbX%=g>NX$ zHds?*SPZdxb+7TyuQkfus&lP$VWI-x^K-n8{Kj`o6=5o9^@UESfYn2o2-c_~z*1O3 z@nUZ@(Hb2AGcyZqle{-y$0ck9K8k-Re8UF5SfMh30+&3DYQ8pc88Sry7KP_B1J5ya z8%QQ;^7fr1bQ+YDEQ;qStlN1sJc>q-0%+PSWLLk;izvF_7zKwE%pHf0^7wWJR5^zS zpo+-2fJ@OP6E2UuPY14u*$cQ7zEW^UqMm66h6|(oh{BNkrWl#RwL6r?$Ur20XoE!| z01^v@;1rf!@=6tawIQ-dFY2b~D0tE$7If`@BP{07Cz?Et=p92#ynSBQu^>K{v9=af_cIk;aq8wiw!#-z4T7e8`x9hOr8 z??fjq(KpIk&?)`I5S5wa-Xg^}X1!YlOpT;C>`8$$Szi+KFdKu{7yD+*5P1LfBg+RLOf zA#Y4Lmg1d?Q`tZ&$56ac4n-7-#7gNrg>`4>f}f~pYE*JLDp7@+O8Ar~RPgtODyh34 z(hx}{Pe7z#NQ{({R2YXP<;Jx%X~^V4LL!T4F7Z&#Q{lNHrlRUu8p6Kr3lV0R(yR*e z?&w_sY51htNdlv-C4H3H0v1eFn?lB31ebgM#-N#(??pE$#T5@gEM_ABr)1=oIK@GD0s@F zK<*ijg0N>i3YkuM6!4t#C^$LgQD||>qY&VfN1?hYk3wow9tFOpJPJ=uc@#!E<595Z zj7LG3DUX6BQyzsdrdTHT49m-&Vfzctc(lAexj7N*nDUX(qQywk$raW4jO|gvy zQ*2+s6x&uX#dZ};u}uY2Y)`=y+fp#ab`(sp4FywdKfx5s(4JwL*(sK1J;U}AoMF@6 z8Mc$)4BJR>hV3JmV%rF&*e-%8wuxYh?IDaDU;Z?fZMzx!Zzg*$6PYIOtP7DETFkOb zy)&KOLp^_!m^)-L1^FbFQ}Qm@F>fBvPq9|sc05n9CNkzOo3PB0s8738ye$zda-DBB zK|B&?xx?+eT?&s}KgvdtT#{%@*(&e62u|t6BsGs7h7ZH@_Nu-}lOln|tja}eQV?%@ zq&Js^_#6cgx2Z7<)4NLbC>*w@bd{)1+UZ>!>4Kyo8fK%YJd4Z=0HmDW9R>hC@L`k` zZ5J)b6nK{yEx2^0phV-m0e~!l_Y4C-P}XFhSqxj?B*Wv47)>}%dCQS(0$)#TcxMrC z9tIa6$l7=%14KNb6!;e{$j*6}8Z9yjMdQ2yfQ+4YuK^&QP;%ZRPO_@rl}3|zLbcnK zr`GHr34)BPS1>@t6G}0BK`0qfpJfQ}6(Kv4aARF#Y7y#l4WpRChlco&sMx#kQ zp$1NBoi{rGeZGujgYR(#+*G42bbe zr@*b~1I?4(A)`em)6qC@0HA5oYa0MKN*OGZM3_C7xM_Cw4jWB5?n^D{j{`~5wRg$@ z8P5R99|#7JbKpJAXpzYPG|n3U$T#pFFaU6rGNLCLVCafrIF;S=4#3WG)G00F%$IlA zrlq0W${u+4s+Mxy5z|}KE-0n;N{LMkaW!qHGJM`0s%e-~qiLL4dnZ)OaDR=KvAXHC zRa47UoDdJCQQiXzLQ1#e6vKOgYALfflFdf9Q>EE^i2{*=JWeRRm#LO#hxAHIq|^n< zrFqXIQ6Av#yKvdUEp@kLOG=k{FF;H0?FyeH)?7K5=_7fzP;i=3W8Nc%9&v5BTJ$;t ziVa}zuhBQIopME*1l1Tv^6|ZwMEbQiqhDkujXYQ!K<|C3KQhFS)SqL@rH~w_MThs& zNVjgx=#~a#_D;WzfcHM6Iw^f>J^V6vCWerfK;FwDeUi*J+D$Y?(+~v8%y@rnK;XkA zCsPB0%&o`{U$h7+0CmQM6!fMC4ZfWdomrH~AR6MZcS6j<+TN+P7UZNLmC^+cyA zb?E(Gq*GFhk^$ti0D9k5-I41z0~!Wf2K|u#6P=+9qxZTUJWuLh^(R<1idT)#HPuiX!0ZEC! zm{edGyf=7}G}!%S^#rI@BzEtN^z{0uE?}f}Y9=4dKZYKq7%AZ1TGdY(0|@fKfE>;& zN???K^!_^1)BRaJ4a3WaUqldin^kXTBPS?0O}R_&y^;PqS^d8wGs~IJt|Dnvo$$_6 zG)_0SDCnYGr}zE{T}SNb;u?6n$|DO}!mnlj6*BK4)&F>N!nI1aqXek;59p-fe#IL@ zEs3%%WjMVL2itClqfR#1Mh!j|Y#`GK5PLK4bRe95lrShw>HP~}1Y?8J*~voe8wih4N!j~%H>;Sa~Br}8@gC&{EEU*5k*$du`c5ShAt8YpkS zB20RX$#7(TFVLaSMkz8Ta+5_yLQg`V^rZL22ua37k^q23heReb0?fNz5oOH6Nsz)+ zu|9n%N|k-KPz*RFDZQ@|przy8dWqel$R}sXYMJ4YPKC@+9g8^VlzH^NMX&Y~!vcqQui~Fv8cPJB?4V>lr6|4cMY<>F*@V_?CN#2s5oq3+>WH)n37}LWPr{(2 zruU;rkDd}@Sco14Cfqeu5P|PiR3GKiMD|g#I)=n^h+#jCbWct%DG>5DP`#$=lr#@1 zAS1+4-qf21zb+_kw}zM((-Q?MuA8b*GEw32PO1J%<01PSll>I>MLAY)QKXkLRgnxJ zZvoSLuIkY$LAFSq$j(#p)msYm#xyCbija(~N?9^*MX;(&Lz#N6`gSh+yQ2lymwOVUjy0vxG0Oj=+fON z5T(jN(4`}~RJj1Ube}F&^Sv&8p)OTC)uoTcV@{Rjnf;{`4(@<2JEwczp8=&i z;I9;U&1!=@QXGaX+}SGD+c=g7Fh^UB(>$yBM%4CK7pleQOcpw#f`fdgw-00LF9BG5 zW}({i7vIL9Q~uI>GZ97Q-dpIex8k2idJp%;9_jf@5oqK6K(8l<)ss8m{W+=)h1&Wn zxK!klp}*UJKG1fGt&-dG{uVEjKrX+7Rl;p@6HYI#zkg>y40O`_2L{$(f0X5bbAi4+ zfR@be8ug_;oChse*-7o5_b-6%uRPc|Rj)RR zWopsp)%t&oQXUgpv95=BW0ZM#B1gkPjHmbdVh7PQL8oTwPNc;0Sue$oq>Rk z*W}-8LC{#$DFB^Qr;D`OJ?}9X9Dh~0(q<*?$$F;u3rL*(&s=yao7nQ*K4k7y}7g)ykYiFR)a`vBOr0)e;QTL{AH zPNjp6;pn^T6w6KvcvjP2I9rMXxh1!Oy9h@8wenTF+MOtnXN8x`+)k}pfY~kfymu3< z_2W2DTyJy$j`XU+yss&L&8bGK+{QMsR-sm@cRNn+@ZUpOyJPs+Xa{4?xbb%cU=>~# z%1#ycs(@+``2hx&I8hm&1m5RBXBl6JrZVkDDS%atQ_yB+7^eKS=G!*zP;tUl%McG7 zDW3Az^Qz@WmxiWN2Ve)}uj)1-CQgB%dl-@_f3^6tz;;0p^FN7x;r0#upTD%_G#f2+ z7aUmwLr`hq#B!liY)v@8f`iR#O-ex>J8le#A+D4f-Fj!3@u%l5^Un%bt<*Ua)gk1? z{=$8iUD|V(VAswj{zw4WgO5)x8t6tkr$uBLz~IqgWgUU+mA{ zD^cSwh4|bg#4+#^PyqKM1T2&b8y7pkCks$JePBoyjJr&bu64 zKI2_U|90K;$$z*4f4et$SJBUM$#~4681W%@jeOw`9@8j^RL_6_Xo%?IqWx1Mg~loN`W&TK)n8bsOwCY$aKgVl_u5 znh!#*QO_MI;4;%9H!p9yxi{o{>}*}b`X+9NbW+};iN;-k`?wUMEgRxPGPYto6x5F~37 zGd$#a_}9%ui1dBE+YWCRN+~6wJC=T#)Dh~gZl-nF8%2p?#y9TWcRY7%v5~u@QJ>hI zyR%Wt9jqW$=IqWLaWECPNujGud5=2KuiPzFs1jG*gOxV!>KbEnxKd1LA5-30($1@= zshw9}InoA2d#^6a-=J1rF+I8sL3}784`G#zt&xXH+A=Pvb+O|R2eul)( ziq^d{!sTSG^CnT*zbswj;swLhv>~BslAD&ACYvQ`+6V5v^f>09la<}MgT?yp9Oj#1 zHP1Ea=99%L?V`p6N7JNoLTK7k)8ZuV9>g@nqMCHmi`KAQr`SHx=Cfe2bx-9a)oivf zmFC#vHG8k#b9sL6-YYJ@IyZzV@9LeYTGhs+S8ScGoXj^`6C;?+Ms)k27Hx{B$q<}B zkBnbfOJZx>4lS7-rUZ2;7Fj@tVryJ%$<-MWJ}VmYj}eY%Y0QPBFdG^mYE|8b9B=~zxNL%0vQY3&> z>r|!V2AxW-GDk$c+st|g$@z@Bi~IJZs!p=IxOd;)kt)%)Z%BjRv8#nuUMP`^@^=A(&q@wkPow>X1|CGK$e@jq&l_ zx&3wgS>w|fyZ(%Q#f{ZE(yewXCyT8LE${9!=CK3DBAXU^$MpJ}p!0($xr6XG*<{DH zbbs8$wr}5_EAxBy?z?Ost>yOZOI6OOiPO!4ns~#^m|@80hN1BKJFKU%HJ$}Mohxnz zRW=rVKxJcVTx2&KGvvgqXzHHG5M*g;!h{%<7E>*+6ly71WvQ03nN~}^reh(XqWnAs zixHW@Gj~u2YTO$r!b8^quT&vegrF$w~H~bnzL@U?u`ydN} zsvANtRqbVFHE#h>0mQlh;5I^`o!;U3ICjSFmQ;`nq68m=sFV?zMkEwLRQKclk^|!J zm!bbJ>K#Ma9igW-BC-g(u#5pAVIgMNj#}XLa`l=8WS5J3atqbQ1Y)s6{*C#(xOjR* zd(R_sI|7cvT~lt9Xi*Dqp)qc36A|IT-q0xi*Fo;by;J?^_=C9FvLSE2#&&AK~BNW$S8lJ)qVJSaYMhi9t=iJQ&=cTmyM4r(epn zxQVn?h97nk^8%s;BW#Ai?0`kdovtGeskfQ81}CoLA_gHMu~^NZI|$d)M>7#<7t;tH zsglW=u}Q!|5`x&W>;7&L{YNX=09beB5SH6LxC;rG*cb-N_Z{Dz!{oF}_Ak`@QWV2s z%d0@&EweLBhRN(iELV8)h^HS*fFGU^_r=}|+Ux|>v zyV&0lC!sPZ8DFU5lCOveN%HhYp9<(v{cVRAiYZG<5Q6-h{KZTw(rF0Aon?D%@Vu7; zg9fXP57JEOKL&!xK9*rS72-=a5 zE`*u%6Tx921F;j2|KeTpNK?r0A>Gr$p?_pL+c3OEOal~dqQDeZ<4TgruP^Gys&f(( z%&yKZOeQC>!Wb+zF~6M7=XUMgv!}CT7a3|qopTc{%>L!!POFQxdb@~gm7TUQv7r%( z>zx{r*h0;(Pfc$`mI-JoK?yZUlje6MdH74y^0ir{Wr-La1AMes z;W;R_#!@-Hsi1;Gx|oTABvL$SLI-w+mr_=SE_Tqirpuc~8YRw3vjoz3&Dw4{3h~~_ zHH-_CK3ri|Hki3B!i^v^PJR9_SUZpG>qLO*2Rn10N^CbidA>=b|%J7Ye# z82yfTz>oIN-W5G9#hk!c>#{CdS;}Qxk>=d3)8pJK!MTH?xt@*9EQ~DG7Q%{q68L@v zJbg6TcWAa9md$RkXyy-$Ax(%&`ThCBY+=kkd!t~efeYjw-?S?!5yrgl6q~A6I-SW} zz`wxGgKo8)8*_4WElriy2{fxT#;|GYq*ESrS}odGU^xBx+?}*|sCC<&oZCQKHgO^4 ziIqwR^;iVC)~MkFJMk0I<|HDdz$91DV$+(Q*sKv^Q&&R-i}4I{aOQw{h8jzJS`fpN zLTrs2XUcxfuqb>hRS*n|m&c1uQ=7ap%(l(H78%W;ZBBN1g?&!0pgHhc5hUqaE&TrV zLS$qgqc&QW=)tvOtpKc88@17~pH2=~gq6GaF-xZZv4(j--q*^vz{y9=mUm5$EgJ<} z-fn6VmP7lnz}LWKX`if-z~7>Prw^4dz_Qt&t7b7DkPOaptHD5iI1MbkTm~nC(zjGr zkp@b?(3F05dTiVz*!XGHWf%sqk-DOR%hEpCD1m=U0k>kKY}O|m`8mu~Hu5S48^sGv z>AhBB1&2 z+I2T2iVy}2tv1DKH#DEoq^=j8YH^N5q!DX0r}>=l3=q34x#SZJN}nLdCnW{rl#7&e z4lV($aj`E06TfsL=!;1#u9$1XyTF>4w~aMa8{+7Zq7q-I#U?*Ju{m3a%`Q`Ho~a@R zv(7_9r6o!&i(!u-w#MPv90kq4D6V8#B?%Sr5W&BA2@S5=l(?8N2jq{bNB9RZ$hAB9J7u8nD294fn46;g}{F4~&R~XXAQ@9PXSzR@I z;@pN;PLG%8310rD>T;ahAWQpXqXhm61>A~_vYBRMve3uQcVZlr_*0fwgJ3)Tb$*vl z0z~q=GBLOUImLxg%aj8FF<%E4RwJfFOXdeSPY?*E@6u%-4%p(oU$yWjM{4!XNNMCQ zEUw!lcinW^)mMxh!*LiK{lO_Lr#*s`Hg0!JZPr5CZFn3X$a8Sc6DDq3H;cEdmbfO&c}(F?f7p8{<|3e?L-oJ5v%X7x$m9__CEN) zz6a$m3t)Vb=nRni;{P^sui1OWHP=yEz1^+hjM?N3JvLbG-}`Hgw>Wi#)TlxKJ#?Gi zApRE(W)1DsZ{Zfi9)F=ghzhh&AjGW562?49i`WVF`5;h_O{rz4>EIu@OpR`*i4<|U zg2)Lw@|GLoCpvLrYZ9s6!H}V*9?4fgWK65#D=ba{2}gnT&>9v8YXKKaxAZ zSCT{b)^Yf&+$~{lDKs0{GmAY=`F#F3`g7>$Fr8Kpb*IL%@u5xbf$Vd%^W?9dqK%6u z>NvERV^Gan5@rkg?{n;&S!EoNC(4hT{xEI(MOGchqInV9(P((Q7%uj4a(uaDCz9r* zYqV!yB<%qVe3z@g48r*;au!H0=IHDt4%K$L$li-1;*5L56y?$|*S(Gn9f;Zm9CzAi zz|a0refj+nlFW2c$!RZ^i#SD$%+n-7fONKqMFV9YG=oUg9h_?be@STR93QqmAb?n% zWE|t`x(tr-N;BdZOQ&JC1@s)rHSDawo(8$ep{!|-@CQwhRO{daplq#z9UHop=$6@r zFIe1V-U4hc(T59#ydBU0FH z)nk{K`^&%zev-N8ji9N&1TW~IWY1qnXxLe2=XA4L!KZt1D3^*);bb6A>@LFqVLHND zyq-tb5BN**g5OwUo>+6V%zD(mW`21=jG1_bud_@4vYh z+RMI&7@eqBVFlu&^JEmhyZVxnbQxSrJlW!{Vj#VB_z4QsP^OS+YbpIkvF496%b_Yk zo9vxup!cs=Ryfqi3T}-3eIAj@?QcpL;vuS)C?rE(9_4nX_d(R0rs;hNA+a{S-cwMW z*<5cw{u=deqUQ2CA+7q6J3yb@Hg*zJupn5_#?otZfYRk#*w|N6BW`0)GO*b;w$18g zihor~XUOB^zVa-umZV92Vv%YK`lb-?Q@JSSwN< zpy^C4X7a_{Pi{l`QN}hnqvs?qjSVN2s`qU`e?X160sSyTm#X^AN&O(JmuWyh_J3h` zN80KCD{0fy!Qk$oB&Ev4lXyB<0y@$>HK@NK(Q`c=95ZaS2>-BThuYD(fj4Ds+&#iO4oX)0rYQl_L=py`}UNrGIt zT6y^|ZJ)>f_vDPBzmRdzdTyfXea}sQNR9a1^bkXrY7f}l^juaiYi{!2fQd=SXfRDK zbI8bL>d;$aUiyhmHE#O!bp(g_{r)jrO9p?4a2oSWF6ge@AS@ASHGG9h^n&x8x#Z%btLi?S1 z-hMP9KAu7kz=Q8)jJ)?PRPeq{wb1B0_(h{Qvi0y`$Ir=P1@|3Sond(&vD!su6!J|Z z=u>D@*%p^=CUduXpCB&tZB!}y%61+tmQLW-4Ypw;viX8`^wcWPVVhB8=%J4mTE{jG zqce%g4^wWyDO^&EOr&ZdDOrcj1fK#?!8}sp(0gA%UGIzdhnO$6dugcuozdfcm&R@P z^1fscchBkpzPD?lIf$EoRg(44(cA&C_k;EhiP0Ox%^Jov8rVBSH+#_WZ49j3k;jG@ zTVC`&lcVMyo8V+4E+S`FcC>LR2e$Uea2mTfL$99Lc3ryGNzYq&MaS-N+Pi_>KG^wV z%vW;f3iY0+GO)ktDE1A}#pkpwpSJbjGGCl0A2j#0s4XvOxI0(LJNeyIRqgjTjthv> ze7PaIB4oGPg0xd^^T*+HePj@Kq2L7i;BB<=3Tj@&F+qUE_W#J0BJA#j+$k5g4)Y6C zh`ZRX$F8F{yGK-jXlyk@)piH{M8zap*kL|2s5M#+E|#X-N^mLGNhhDXtpmQ9=kN)P zJ`^FT3?F<@hankdxe36+4K6ux`Lf>e*O?6Pmkk&;Q=l8X!!W~iJv?nmqw|K4DeU}Y zH?wr{6EPKFn%IU$*R?poq}8C>ip4lnjBb#VpYy@Y0|~)?t|30eY<%hF8G@+}6G+;@ zW!zpi;f`THD(Z;)1jI!%T0}`YslAra@dn*1&t9Stu@&@G=)u{#HGA3@G7m=XPzE{EyGi(hgT`rGlUt!3 zmbe9On%%`6!g1Zjb*wYE@9u)5e0wF0KFQB4UUp}9wOW)WzAF8?F-!3Mbl!I&uZE_( z?ati5cR8lu+1bD+AgzSU8l1hSwK3#E6=0rd#-%hTng|pyW(@_CmD?>E#w`8sC0B$m z{TEC$jYa=)<)g&yuJ32j|4WS3L66+@ic%K+6KFcqMSuMF1j%pu?~g#oI7@6x+g*%h z?k0CYyP5RPbThSIow7}Ck{a=)-2d0!mFzYV1ku=u6NEtI#Eo-;h>d^~lK;R^K@kK9 zGGIcImx8bvCxM)}zzmq(?EAhif51l|aY5q92fz>TdV0p=amJ1UNJwZ7(=|(1Pft%v zT~)8EYRGG|^=~l3so5qs=+#?DmEX}r87`6CqFdY(*^O?cf&7xlZi(y`$d8dw*S{|e zG2Ka=FqFt{(|;vU@gK=tq=d7Iv?sS z)h4~Atp*Z6P}xv#aTlexwAYIKZO5AyZc=>+%4+wmTaAOD*2grj--(d4!kcn242>Fc z6l?JzrqJB4cC-jF=}*3;$qKOuL`gf?5uL5$NOR^a#d{utq-masc6w!(sd*|28GYit zb~^&2pW#DBai0+mcXhQNK08a}ZFZtmDVG^&C+j=VW+NC*2qgtfo)s=&GFD#C>$Zuh z&wA7w^>-=eK}-Z@!rt^FU-c6!HzZP|8=>!=A3V&3n817ttJ5m+7@%IBZZ}-jZkyAu zh5^&L6t)S51=}&=|KSyaqF}dRk6^E$MD=}?=7aq_#suSn2>}XeOcpXw9tQ*m1yc?V z;V_QiD2}0wdMoEDs+_055cvx0Mis^Glfg5aXylHfA?enoH!CSm@@!r7) z7az^^?P4Se(G1ICO?ya~1z?ROYb{x4$p(+~>o+qEznY@g6w6KV#T1`eRCHrQHP@@+ zdXIyQm4*|`ESteDJvIx^<>`{!?R#G~d)bD#T)sZ(>X8{TlVy5z)*NGD`eE8%^^b#1 z(Dl*+r_8dT1qPg{r&dtm6-RoDB}0~MwPe^5n;AiO@~V*15koq37l{^G*enNH;wjr1 XwPcJ$blhGjNlB;7Ei>^e`*Obk7m20) literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/_autosummary/netcal.regularization.doctree b/docs/build/doctrees/_autosummary/netcal.regularization.doctree new file mode 100644 index 0000000000000000000000000000000000000000..bd2575567aab8ba70d05ef5bed270cc109bdb3da GIT binary patch literal 160003 zcmdRX37i~9b+@czrCmv@Tb8VAWLfsg^3GcF0lqD*WZ6hs%WKIt*z&k{rgwWvb9oL) zYh%EG?cKP+0*|=@;l4>A3E>AHga9E4A&_t+Ktf2kk3a}l5&{YN-m9aly1RO2s%KgO z603K*>mBv#{a?L0y83wwo;qjFIdkxT?y_3N$(K&2tz52D&e^r5yC_%AHi~ws-h8sT z==PY80$${sD^;BLS43f7CvWibNHAq{%ewt5~2< zz3HrQ`!ikzoOx~^*L%#JU&xp2=2&CGatEw>y_%nB)SjbB7aO+*%MWJ63aB)g>`ERA2pq2&IV_Rv(cI7Y;wyZ#ZrAFJ94aMS8F53 z_FjI~l_TSJrCiI`%hkMH8=1=2oyNp4R69RWrS%=2tOA=;wS=je5D( zC>E{i^oZ6_>1qvXz4_qW#)LD+U63#3?9+;QndO}=P)lbkSaciww;lew2>#oFH3p-h zN>H02cYejnSDWspVma3+*w>`A0-Nqe_Iz0X*y$UqH?4-V(;1c~8FMy+;hn|IpQJ-9 z7dPBp zbG;R9GvQM1`RO!olo7x8j*Rc$v+wZ!bTQXNL!9FdW*b%X&kXlQ=cv0x+@fxIaE`mE zX4mWa(iA{&g@>uhYPnRmOSz`ocZXGIKtp+|E*o?Er|gmq4pgo-;YZE_f391_3jA2i z1Z9Bv3HUj{e>SQG__efN&Sub$@hON~fKD*obXQK6%k@&ZZYvKDp5rb>K$jZD%xP$h zViWER*1%~hnQXa;aiRt+H?TW)!KQaIr@+HA0!<*16L5Hqxl5{mhiW}juus~B=E1q{ zfMXTBp9|a-_USxWt8UdBHBo4RyC7#zG^Rk@;3=zG0$V|es%;hFPJg{>Wo@ifbH*La zmnw~V20W&mgHlbmzfqqYe)@1N4}Wj;Kg`(GYPp(mtWvIEgZKBLs@ZzeT~=0nes_>Dl?n*bjs6D#N_RO{paxcQz&-`2P}5ynuu4-6Ysv<5=iv8T2)pj8 zs+}!YbD5l70p|cQ2w^1@(|`;&_KD}yhw>07gzsQ1grA7{d%KENECd9-Ka8?YP<6%^APhP0Jwcwgfg~Ze?FI~Kpf4VZaRJLAjY|jyyec#gUc_?HHwvt2McI+ zdLs{rsFth(`rR^m2im?=L+6yYDmA;2D`!p@(czcdry=^s4Vi~L*?K0NlUmyg+KK5bYf5Opc!8;Qc=#J2J*E#iirFQkm2;8oL zc_BuY(&g&ZNYh<|C8+{XGE=vU;6HWnmql=Yc>AT7gFOeUli2`!yd&9PDA+?Nu@F!v z>}oo1*C(kA2udSPy;uNY{dH>sFrKSB&4Y{FO@NqU#tR-^1v0e?y6~*Kyf$5`Tcer5_~=pmVDH)S0Q^nvDM(EzMWO$gK{ z8Wj+MX$Z|Nc$At2?n5!igsMOmV`_L4cVC z6&%~HgOD{@D0L!Z7p;6D0~u4*rrE-byMpID;H-s77IbIbd3Na}1XZ43!H+xybDCJW z%l9@QgW9j$@}N1-s$c*g!1`2eJBK~;k*+`roN6NzC=hcCWD2pOuU5@c-Zyv8n|Ep+ zx*^=Nq>|&v?V~;Tl#D<9<&zKyp-;#B%Uu8vhem`-L$YU=YJeSKubQc$=YxN9dk^tbQdmf`Dm2};K zUagh}oaD36J6M&b?JlfT%LLpBEXjf(fFfJ2OjntE-@p6PT~`h7zI6BQOH$(vr<%GG zB&3d&@}Muoo9R?}GPS2tDdg>3>UN0U2=_};d&`iQmMfQ}4%pSARhmxi8QYh#ub!-> zj@nu0=Eg+oKyl(`cx>g1z{j!kMXxL<0yT6X6>yi`WKHC)QtDvCu2i5Lq};Wtv+*$oZ5m()F#Kd_b3l2eJs^FcPw3!+juozk(2?460D5(I(NVn8TLYM(3{ODVhWI&v83!a^_@v?Xon+Z7^8S?bY3JQz zk2RgoIG?3|xGOlAloo)bU_Lb^7W`}HZ^&X8u)^Q&LW&@;0t{^^m(Mw$XIvIQfUqFr zVE5gA`ZF_GtT)G4fkh&fYB~?FJBwKt106rKCk}^1mt(Q#>sY-rf{+@P4*1-)4^|;t zeklE*c=phP;PekQ8DVP52Dd$3&sc>*`BY}I@xTMq8Jea*uS~Ht>n`MFnpmxYqE*A* z4MQA^oUmr@B9x%sasJNvd-iA3&``HzyO;z;##m4 z9hHM~7mJV;@~roG(-SuUWB80+$piL9L(p4*3gy;Hnq~3MDl=KIV5G<`JXnDQ45kRc zSEwD`xtMuV@k>gOL)0J>!&#o@*ckfNa&}MYY#)Lr@L&maIu+T}+Ou{oxG5hrM%nM*9_ zM-L#IjmPP@VQZDMW;DQCrj^aI8LbXe$=3(yaH?zfZ%e$3<9WYni& z5(b---WKulz>SOOl;0e8KHg_hhn8R+DtR0tEd2**SIQ?D2^H`00DDaPTj$f>?Zxyq z&qJKgdiR-v!U7O}y(g^C0)1da>Ok715b^HJ>y)7rKowEDWmFE%3DxtHdCb-pHcBT- zm}7Wlm@c&}CT~sh8ntqZD0u_MnDjpP0D6;Vl+7LLttlvIi(6dZs_pf$tSHk6Mwxa0 z1Lr@TpL;4Xql(N%j2jsPW+Dic91Zi>ZB`4s4H+_ryH~UZ84J|ydZ?SK1te}6I;im+ zWHqf@5r$xFu)~LLoQl)jZ}3*t0-NF#s7_{sADd3Z4qiH=S>J0dpD6YN*?aOv-z< zQhBC0E>9nvZ#&-+MV;@;zj*=~=u@1ZIzRJD|GV=a-rxV_{KEVDm(G8CfB)F|iTK-P zNfF(0J)!Iwrs!f$CMcCUFw2YR5MDlCOSO`Z zGGcVYMkt;PW=GTva0Syin8HIo={;vU&`B1~!D}&|-lJf_-FxPIPgVnFa9{|-RHgi( zG@ag;?dAN7EWU&mNBDpvsZGud9hiuO;T@Zz^fYE@fXoACVqkg|QgYQXm}jwG7&}>E zmbvMaY%V5=8AE1PUgg99id80zIG3rw=^nU}1Ls`qQW+8*oUdt;4`H|$ZpAd9xd9}!IDm!uauzTt|I0HNf8eHKcPvdH zUeeL2dySYF%jQaHQp?$e{K;w>2L2NerYC%j zq~d z$j|BGDNX5|VRwM9l3_tPRTQ3~>4W620sS4UoiTm`j31pE7-P4Vvs*Ah2wqHMJQ#!u z-@u+=g5VujDaakn%3gF375N?l?e7P zKDJ8sFt=3ZYOP{~^ci+qkg;P*Le&{$&%}xm#5Q(+ExWIDcV3=E=@zr+JZC*T7g8U3 zpUYxNfdm+P$Svo~7<_6#v(eQmPmSdmh#+@_(Bh4A7{vzpL}YSmqlXI7832fHFfEpc zWgBo~QPn}o2~%ctZ(5c0@_yC69~S-U8OOG0!Y@d10fDPmwb^JJ#!r-5c~pmKLg*qy zJ1S3br5Ohh2VrdU?9(9s8D+7I5&(-;VJ026N#6~?Q$9U#S~DZwJ2wGN)+fnq7rNmt{pbROOIS?4Pz@RS^D1>ln|7N||BDh6{_pCzvaZ*#ZYTC!76Sv#d< zy*Qui%?K|&oUdi=0t|P+`ZWpZl|qOH!OO+7Fd)PeJ^nn+rCHoXVl9R{)EdE}REEKJ z9ab-33Z)@zvratCR?9Gh;Vs{IE`TCnF_y&zT!_IL<%_Qye$M$j@8c19DJ@d6PoZJp z@%%;!SN78F=zAZz*zHKVNgFkj6;Scw5x!oxX}dfgkpFU#Ump|Xbq+=Oyl zi4&{P#p|9e&t_OIe!`vx@249+hTMga4Z{u&tPuUHJPEo_l*=%MyAZp&0*38=95lhg zAFh!v!Z{C^w#eZDp&G8SGygrTd{T!;yI|Q=hKbe5#PweGRxjK+!J1 z%4P#s-Ra||^J%x=dqQU?R(U@~K}aIT$aesR7_(N($2t2XPB_uo7}(7)45;&pt&_#L zI58vQp0i698085;a0i?=0E9Uo#vB^uA0TnXWN?x?$Fcx8n_p*^jtvWK1FO4{P z+|(dR6kBI%ftC*L{i8Y*1rZ=gBuE74p zU&QTa#)5u?2VXjVqJ{JWNBJCkP%#Em688HcZ9%L^Exh5ta{i1?#nZ)hNwUx zup$41e3lhG7kOb(#?K2Qz_FM=ZNr)%jf!3|u{NRPakRh&!3TI@M8X|FA|#0}MXH74 z!h8|;8Ofmotrcp5aS7(c;gQ=fc`!XL5MsPS5Es1}t_&NFz`QR`N(XE~!yUvvXe^rO zv1lLW$Jg3m?HiXPIhVDf9A8C%`Ci2F4f3c=v$Y{vWSLjQTMcF1&`RY2 zT|{7pq`HL#XJFtC+kQk|EDO*fJ1OW`_I zF<-;1SB^wZRNF=D6rWpAlB;WzA3tQ4hnlcYp573 z_ngEWyM4)8#m?qo$}m{+0*@#5*H#V|rs(VKdK_&#G}TCAwXLvqDDv1qVSEyUs_-gw>F&bqXAZVNs{<4M^pb082PC%$F z!LIz~!A~&ymGm)e*@LYlb;$p4W0>I0j1SMCi=&ebbf?of4>sL%9%?@7QveeySpVhQ zFz}bxVKSTL=;SaRiNOTggbjHhcW72|^*P(r$RCHvb9va^?~$*g6=3AKGOTjq3L5Q@ zxZ|-}utgvMJDqeEvRR9WiDA*lx|hP3c{iP#Wb2R2sYR_;~4J8Xyyh;#d3V>a8`EqA&N@)aX*qGRC^z6s9Ty(qR7Iv>EjD)e0v zwoT*-@a_$|*BKzU$DQ0w_Z_~c>JJ>+;pPfx{>)Ux_fmxa5hTwOY;#JjRjES$1bB>7 zF6a36eSG_hdi>TJE7{=LRPCsd}i1$dk?reZgf3xr0J%7 zLU?hS*ul~$ooRRP^%YTnKmdmXIU8vb_E;Ez{i?x+O7W^i`tae={Z024m8ZWpHLwk| zoM6F!ruRYs7=27-+W#=lrbBj;homd)3rC_AR~t*% zNxhdI2Sny}zGJ?{Bn(;baw$?+n%@t^5iYUMiQa9Nehb%vxwDnk4H0#<&jF*+=EebESf(k zs@T3&v+Nt)b3`;puj9NlSNg~;qtMrMgLPT^rh8*_%_ICK&|fs&Vl)e>cIVL3cC)gJ zZ@Sk+%VW+UJW9kLU(mTBnp$crILJE?WEq-!?~IC&u|tQN?qsxvv7BAue_O+X`QC!f z;%|aZx_=B|rA;7st2EtX(e(tCI|SXRmjHR#yRRkRjuKN%`$L|2;0Q}5n(nPFMRce- zCTyP4hod>F35ZZky{9H6`|{Ql&b_osG^IbZ2BnZC%VV-Fl8yK{5=Ly1G)07-qp+2a;ap6r0h}wxUgD=ZZuvRpz z^qRkH^)zjj*QkEy2b?V0Ibu|90WW5_5yq6vC8p8`tOiV+S*7v4Hyz|COE8}iDXnp^ zr0#aUT2-Z1O8(O_qDF+oy?bwKo`K0v@6ADY2@zgNXRj#pDfDy}5208Wya}g5z*c*^ zjx(j_1|R16Bpf^wFDiT7;2mywF8QXEw;XlYKS+S1sTro;{7!N zDz@XMd2n7xJ{}4K1VOcG^&H;rV|sw-eW^ciPD%8U589IqoHw&m0h~WFC2 zqdzjey}Jn-#^(0N_m~?Idviv9_veRPUsmJq*7a@Z%cB{edw+G0xf(e9VC0i8e_7H~ zmrT%!gI`WkkOW6%>MKbKk}zmkA80j)!CFuqsHnL}#5#nW_hgG@%yy>>M|&YpF%)%pR`{FU2&(G^4K#5{1m=I38)HK(NxvcU9IZ z9PEM>pZ;a6uD zN@z?b=kJ-M6QBP#H~HxWChMWM-kGE)&8KykQC|J|MZXcVs7%{8U9{c( z&Ddzc^nJ%Q>EGCGN~{LI|MqwPMs2iXTEG9(d)%|Q4#9+e@Qwv%dn*DH{NXjfXf@dM zhimO31LO0tAM8qMO`Hk%{Bw`?e5VWJ{FNKN()%@W#`-%?UYOXfDJJ22A9_=7w@)#) zKY8CBJ=k5tc>VHMPivJXMXd1#cIwFWUCQ+J3x4mg+nbGEjNh^aUu>1MM=05HA(}B> zckj1bO)o|;)@&AF?6%(VM*YqdKI_WHAg{lmQPvk@a}PCMZ0Ei2?O@|ClbqhQrR^d) zE4lk8@6!wCmF2>(`mdM!Lyz(59TRu`l^+ym(X$(OePWDUG=I(<{PpsE_Z5HCaNz(# z*lj2duXeuRF6QrTz|j`;$bWh|8XOA+J3Hs$8qAZ;N1AZpD7g*z(Cy@K{JK1WT}*Mq zY7d?}eTIzlVjH!^a32LLcRMdPq%9X*PiHhoInBjdn(#n^Q61w{7y77p^N+~cq!E~V zW)ydHN&z!!jN(pCagkPr>^nwq9*L3M)u|AeO=A?#Y$-&k2+kujl4rFPqUZ&)PK@I2 zmO>N?oIYYC_iz$)3;2K5H;xDcD( z;|n953iDj&1gF@k1%=W`>aqRqj&`NxCoayA0vDktQd&q7xq5Y!vZ^{~NKtDt-~5{L zE(M>YW7sKa4G=}@HByMJBfOk(Ixnm-qJ#!SZa{ zj8RlOqF~b)jH1RVhNEbUBh(BIuD$^|yqGjR=05eE=vrTh~E2GQ?_24^kLc494B_7}$p4Nhc+;KL7dA8hf##lVaSzOf_3+5<6 zCeP+f4tB=mcG$6H=UTn|#B_Uzv%SHDEwgY?!{=~T{^;QM8E$JOmP9(VY#Dzvc`g^T zt22#NV%Oh8_*GLHQL1-_JTF$Qj0L%^P~fXWD|o4jKg<=sG-xMfOV-F}aLYXNisy4$ zf2RQUQfcKoE{x~}oG27&R3gkK_(pd|^};UHe1y~b!@L*+iufc(mE(ah|0t*SXF!5F zFkoiNKBiSRg2WqRGujzW>xYM+6-p|*DH+);C%fF&j4j9lVtf@Yh zvrnoRr%5++Q`!Qm!=527XXY;}QhT**MCzgdRT1rXPQgw|ij=bcdWf>Jz!~x)uH-gf zh5RXl_hm45dvqzaK4-{_wQQ9Nsm0ySue+$aT)$>v zTezJ$h@Xwl;c!X?r$RcdsXt5wETUHP3~Vmshtj|y=}izrUJn1T2^cY=INsH#g94-T z5awVCM~o|aDk$XYAV{PgnO@XL5g_vq=3F33q#oJciwb2QAWoznXGNTwxc%I_dT%zb zX+(!L-U}K2cmypWda#~w_Xh)bA*>fF3#N(#bKCTmzYgl6>%6lU718v#&;X(vJ=O~m z8XG0)nxZ4_iSzh7B(RL=YLl`|5?Z^XT{WX{?4GD5fFqbbvn$nj#|R!4&R3dlVgPY_ zVv11M6Ddl9Hi2YiDV*t#XYX2tQ`U5?`2@V40*zwfcPx4O@)V>m?tH$sB=Z<}k)F@6d?lJZ1%H7!T#nR;+Y%5LT$hvFU9VTEf&|@ zHDZI6#J3u}O5PA#8m`xCq-_dRQjUcDf$dOi!MN;iCfFC_o*7#(?jA4`?2A8>u?6EM z1dZU$(Wdr?qFQXpxR;>=$#STe_DA^V#g>d)A~ceN?xjff#lsiH7K}S9G=hW1Rs{P) z)3*ErdcC+eW2 zSK&OfZ;UMyH~wg3ij>bMlfO0RN!<}!DsCR?R4RWH%9DC!Y^k^bNh9@wuzg#NF-K#| z$9+s1`C@>p*gCMGNjle&*urr;lt#E1*ek-}tvazP3dcZuc0V3lH14X>h!!cgUo=0E z&l5{xi^a`Z8nL3=2#O7Q_o>)|agUdQ;Gl!QFt%XaDy9)U9CmQ;)HBTqO`hpr5?c}6 zai&oOKUoT!x}wiJ_isIuzV|z^HNlN*8ci;3r%7-Jo7Cl%2U>W(xbthc2b4^imd|f)6=Ms(yJgh>`B>ui{fT| zxZO`9Tj`M1>MQ&Hr0`X-h2yS4jc}22LieN!mt%}M-YMx`piaeB0=FNwP=YVjdij9Z z;y13zdxv8yfx8$rN{CUtP$ICMQMSR=u_ZsImn{50LbA6#QL1ntwhFkXQd4;`?hz^o z%PafTr1Yb)rQ_C2jr5%yeJ!MGj9|r919y08)DS=vYJ|6XN*k173&+(>jqpKk1HR5D zB|R8h5-yaski_TLrKFkIl5ovcBS|bAsH15q?y1<~a1B=@ZiNiu{G4(r>cfPj4f7{`|i{QT<$D6RQ>?~_cG~5B)Hyc=6 zr;FuueVgEVHC=ipxO_}-C79q^F2QA4g6pgVmrMz+ff8KKB)B|DaHWyp(jmcBK!U4! z1Q+NCuDB6gJR`UmMsQt=-~tuFwI+g#M+Db_2(IT4T$&-c)j65S-~JI9*S0=AGd5Il-B5g7et~r=|(cFB6<9COFYcaL$(C%qzi3RDv_01Sc~I zPDv7+T_iY9NcVOSoV=s&nGu{sBRC&Ma6*gV+!VoCC4v(~1m}7PPTLTie<3)PLU2xm z;PeK;*$ILZ4FsnO2#)#*j@$_j!U+zh366^ij&2DKR0$3@362~Ij`s)--3X4i2o9YH zj&=wRTnLUV2o4emX7qH!3Be?r?kyph^U~d(1hY|si6z0LkYIjCFhwJnZ4u0u2&O&+ zlNN&c2f@sNU=l#ECnwk`6YNk4_KgHPH-h~X!TyC{S3xk?6O7vggE8IPNHAE^E${^6 z7~O71Fvt*$7X*UHpR>8&$YN*+k2z?+9>@*M(4oQI zRoncz2HjJHn{pO`JP^CqQ0yxDby@h_J$|Jv!@kJaoI!@m7{gU&45>dzUk8nrn=|l% z$@2u;*@D~II@_Z(%C!F;_<%txV7;F~^<|w+N4_^iI&;3YuE?pxelY(|touN4*AT_C zB*G9C-f`TxErc69i&>>3gLGyOvI$uFf$gky=lgB)d^4M1`|Si0@R{dQh1vGH4tz$B zzmPTE)j|AGeNiq4;Ij?owgup{8ADWsJO4>@N_2iO9&7D5fV(rEOun74vtZvj;KW3n z09^E5#E*jBU4svIL`H+}!{(;pG5CX&vNPj!1HR?a_W6dHeH0*m)vVfjAcidKrh-5W z>8^nCD~39>1?4}OF;qbLMRQ6HO6CP|K>7Z7G69ryc-2wR?;Mn3sz!ja)e7qQ13iEx zRw5dfTR?793F}d*r=|8w$~bpZHu;7n=w?-_DXX~jyBfTanSZaJehzt zI;WU0+I;()zX_^#jW*Oe8f{-Qw+2VsKT*oFfHt2=`W73RL_ym;pfu>?^=JzjGmJJ= zS3%nxL$Phq_CMw=#>axcFsI~bV{IJ=ZC{Qj6VOKI?R$(iG5I1Qqko6{ely?FdkCr> z4Y$2!-hh6@;dTS1Odf79`J%p5GG%5H1#daCs&;5iIr-viLj`b_q1?8ByVr~%s=@(x zw>c#T9Bb`3fV(!HOaL5R9_umSg2|-sEt!-@+(O0-cWeLifxOwhs_u&XnT%1B}W@;>o{o3 z#FGi#8{JLSW3&akH~-7Je+jyF4L4Lf8g74XZVnE&Kc$q(!)?CbCf_%+iGsK9npIVg zw~#f%-5b?c0o=C?<+cUf*UcCzfcs~2N)9;I+HnB)k$5rzaCFmRj{zrku8N_y_9Tys zm-Ya6sC_itp(#i`cW%9UNtToLcGt(&WyTz==diaHm>TVG0a=I2(PiTG(f7`Jj5cx1iRkv^3*`Q@{(cX%?izSlfoR~p)7&r|cyFVW zX90M=4Pc)!Gl>GcPn*?L54?~u-Oa)NF3^|?20v-2L0b&|g&9KygC94iZXfm*h#2N=W(L}PFXh%m^+uo*c9`zhsFz@X10yUa|YU@&b~Q#}Sl z#%zhfzz(sUh8ncR;E)+Z1%unoDLDpNv&X?;Up$$BLHe%s*~6f3qeca^?z$hu3PfYD zXl@veK|(3d0tS61d8wI66bwFLR#QC&L&j{0!N4{a*HDAD7@Rd@s9^9>b4rdu*6eXG zI2BJOV33}2&|?gWlYBI}sDJmyXF=_*L5MYo2H{_uTZV)1uP9~mAPnqi`Kg&r6cql* ztg3nxhOFssX_1WvH@Ez&p$ctb_%CJ*6&QZUoRY(kHGCWxej=VsfFV6%Bw-jTCt&*b z2=89r0~lfrqG31!BI4zvmr%;H07Jh`j+)s-f#GdtRn@~VWX&)PgUyL5@b}lp3{_|g z!-HlF6&T)ZPRU`&8a@sTcf^wkFr?@E^caT0nHiyC_H0s7~UDa zh*BnxLjQKNKQc3k0>VEqtEnD@A!CL!(m-P>7<{*(25m9;E;EJ-2H$Q@$uY>9Jq`wc zE1pciAU#>D#~2J|q)M~-H(dP;)b1LDSc7N~{@C0y9E3lll*xlIunBGL3L~2+C|m`U z2ED!>g&}LU>Fr>%Y^%#bxpHDdk z7V8>~SdnNnj+-|MN8_!OGI=!Wx2BykGmQeux>=3&pbQz+y)ZaTRAa32Z5-5ur>XZF zYSI>)B{PN!HcyySa%?g;h=a{T@nixv=|Ph{#%7B&)wetAeV}#Mn8XT1WAYEp4Z|_{ z9!i-!CjA@MzGP++1&e=YR#QC|L&j{GrUv$|ea=vWwix^yGlmKVKV?qIG02)d4hDZW zo=m_XJ>s>;7!==M5)-FN2=#4w@=k(3cV!R2h&71@<7yCLki%hnaxku-l*xlJVjJ64 zX0}mKd8JvE^{5P4)xD@i59w=ORE2kuml>+k7M_=yF;w6=Y);AH$s8dLJO|^+1bEVO zmwOD)7G0!oC)a7vy6Y|yD-ey!hPh!lDyx(-c~ts0x4p{DBnlW`ZdOx07(>Qv*+mBS zxit+nXp6y@m@!l^_+oQPjzQM!aWGhpClfG8Pdx8220Qr}dxkH+5@%#FhF z_jyXG!QW8)BeB=I=O4D~)qJ*=nk-jS^20qT?Y9bko``+iZQFR>G7L%#%ROtu@X><& zMAgF6snz|X{~p_hKQX7|C%XI_vwryS@y?IFT(Re*l`mKm1v`~3Shbp6lOIUfuqp}9 zb60M&gv?U$5GB_>}bykMMSv5d|HA*= z`BR1RM03ntn6)Yt&SUOC)jB14f>%n%aW;)Po5$cN>fOMOI_Oh#=A1JJ|JV5;@Vx(G zo*JkBVvskYPHlpNV<}>C23S~l{iJt@3;8D{zbRMySeWn~%%E&bhP1JRtiONU! znJ0x8bl&*9&#X~Ojaj-CH%d1S7{ zt0$x%#RSq1F{`b9g)lvC7xLCb9=_x>y)Tbn%PPuTWaH`{pPY7P{WdLdta7HD(ppPp5@!E9bV`HL@~neY&A4ZRgdlFk^_SaKP*~ zr{o}I?hps0tK!K7kkW4jYVwS3GBNQ1+Nk#PtpPs-s&_qDz*9GJ`v;sCQA zPbL79e!8>Az!V<{k7~PdZ{R9B(0_s&bd67}Of){fY;Giu&o5ER8=-OREGOpX$5?D8wzg=zPrpAD&RY2PRYT?8a)p9u8b!Wz(>Dm-DB{H<1T$IHflAp z&a{Nz>p8Iq+1_Z~-)gpYY+uOBx&e|S85Venn z;IGWB!XfxeN_kcw7_`eaGrK4dOaY}qhp&fV$f6MtZ? zT}`&Ovd|07ETq8lVY7N1J8qRLP06nEPeJpp(TSCaM(0P&jlC%YQUusNnMN%_%u9nH$8x<^PK(6L8r` z0GC_B9p_Xfy=S6UuUgsqfg=)?7o6JzRALpPQMnaF7-V$VkQ|kpDP{7g9MDho4P4YU+HgE1&%iw>d+RB*O@U?;CQt;C5Izx|2S~m5Kkt+@niyU6bHF0 zkrWy(IB)m}=-hP&iRwo~@%iRv;ZS@orA!`*q1n{8nps7G;hW4VtA}C8p7IEHZEGqJ ze7&Lkwh;UsGlmKTf7_grLy)z590)!;o=kw?sRSS>UU&;OT5#_0+n{yVAjAqpgYX;X zhT$OmDy2*wgqk_kMeB_0qQGzgP#SdqdKiW*D&KmGXi)`-a}70U3&j65Z$Z90=fBM< zIS^Uf#{uG3;>iRco<55}49*}PFmpJ)+h7Hvfw<4iFVLen5cg2ZvjW7RUGipjQGhsU zR^1LQ8V$topYTAi^Na!*=D6okuB?hwNaKb#|IrN5SimS*7)O z4cQgmo-=G{1+d!EJ3?U1eA(YDa;pn3|}zhkIoTd;rAjG+Sd zubESFurt?*1NM)_lL=sdC;_lv*%{cQ0e;DOJpee?EE?cDKt#Oc`a(*XJiym71VmeD z%*;v(s1KS|UJvS!ech*Z2Phs9IYf?>A$p0C}%DB?mHdkvKr!7EdMs`8f#y zS-;52COPC#_(h;|*WEFyAC1=EGB*qFjvu3x8nkwGILsiM!D9!ise3=(m543eW!sq1 zYxMB6sfv0~+S_B><}K!we5&`2%&OhIQrzmGw7*Hlifs;e`INaixRd=QGlyokd=C$I zabFXCmgWCXY6)Scio9 z&*k{GdAsm9%-SVR9A*w~M9F2cfMZ0-LG{9T^@P~}+yr93e!rWX8I|$>f(<>0|5%0S z_`elI#LLz;Q_5b)|CMrB8twx|6R`(;a9tW-*ALtn+eX)!Q*xKRnprogeqb^gOSb6; zvgYRC{lI<99Le?rL+(4yT1Ox~PTv{G=jn*iiu=A_Uu9d)Ho0&3byPgC;NrgN*HOvP ztZeX%ug3u=c*d8@uP@@)7t?Dm&hmN)I2m>ry#Hnxj?;g$U}!|iWwK7nh>{234e{y; zIm7c3$Qf4aCVph1@KI2<>wzNb9i1qA*xVjGc7Kpkc9 zPST#UF$qs{7lWldVTwuqC$>p`VNS`B{h#KPJesg(h!ah|$Qm%IbZ#V>R%?^aT>?@K zy8<2(c2G)9NFY5N)(^Q8-S^@8>`ZwDr`0i}GCH)LJkSf_uUxqIB~^<9N7#IEGf5FF zWeFWddK5eW6P089dI!JWNw2*~RBi%JhTh3x&b;&g2F+}_D2)D$Xl1EkMB5|VX*Uh{YwdFEd$cQ8J zPvgmiNdEi;B6&(5$@h)!35D=1G*H(e9P1Dr!tXQp0UpASQ_8at!UuGwdBn^#N>q5h zS&j8kA!Jl{Yeei;lt(4_dnV5{RHAJZc(y@nbQ84K$ohEUO^w#?j@>TrGBn8|_{tBw zss*Rh&A5FqHPoo)n-s7DS60bP7x<$ zPREwX!a^LG&x$7#!t@Ig2-C_@PpaGCx7b2)`WK*i*Kryv;d5Q5PYD?RX>J@Ir+-E% z&qADDthLR?%|^CS0`+>J>^gl5S=D#WQ&h_;hF@!_McY8IiZbl1J-Uh1YnA5EhU%MQ zx6G)aO|+pp+%h{Ox=>w3)L4C^p*n4w=sGioO02%xoRY_C<`!|{=JMDwS!jqO^T+1l z27RF*+wx2~Ll^1gzF|%*M(@$LtrIHw=&2k5kIzW5jA{B4Hsl znfpUC8!55-J!VzcC)pwEx;r8wM7SDieE3~MW!lDvcbG9$;=^0bDS3QgE)fT-Gx1~s zRv$?at2K6Brguo+q4HF|R?lb0y(M`$1@sfBLDyKt%0y%J-^`7~vHAl_nLJj{6Dx+T zEVX)zk);&Gt^mrev#pSg>_hY4q4_IaUlCWb8qC` z>!S%kb~B%`5>1Hv+(wlT!+Qr(-wvkg8mCx;Xq+A~Zw-#q!;~_4oGyzrPs7YS3OK7~ zwbpm1A;Y>`M0Xn1vI-*0hAOm0WWkJ~g2=o%B}XLlfjEeKMm(9&i9VJ9BE@Q8M7!;? zA>GZvr`=^2`d-k#YiMFsqM`Zw<|g9M{5?vUJT%t@psBIb7tHLWVD$55)z@P*WMR1` z*tV?|uzto+m$qR2v>8JMte-Te zi)fs#1Q70JWf}&G||({Or${cai%c1MVu@TlQQtmO7f_DIw&`u=lzemI7;BB#+kxTjv{t8>Jdliq+q~{{ z%G?~hlc+OuB>ndKp6Is~xa)`)jrh;>&9G`yo~l|!?&nQ+)R>3n3wZA3#$5L9y{+k9 zVNAAv?3VG+YZI>pbK`3hujAL(^XnVvwHL2ZyaYHI#wp%QFjt7vOE63sQF56qHX2cK z9FN4SC-h8if;|(&ziK|Kydd>=pk~(@B5EAnGkwn75*+-0Ln(XRGwpyL35_7$bxzgG z&`DV}NT5@P^EB<6fP6Y%F3FDRXNi~zRtb57ht*Pps4l}rzb;DB_v6?W{h>J} z_vi1kwn(a9I`{k}{LpRFFRccthQWxt<_b!wan0VohI?6bSZAIix+U&M={=+So31g{ z{#aD7CA8V9ztU@nyV{!WwWbxjtznhw`GS3@T&p$RYfQz9~~lS*;tZ%e|z+NHSXfK>A~e#(Aa_mf8=! z9_(5!=GUF{+KVn`gL%XAaL*b(PPk_XGNR-%S$s31QL+hd zo9J<9k*+%!R64qYd6s#jbF|+{DLd?7IzMXek|Wjf1cfMWa!*NAsS5z%j_28ln93dA zR#DX%maU{N0qFXp>DY!n8D-d>A3*o&WQ-Pd0NpENo8)EYlpO3&np5%s!ZL zn%3$Z1+7+O{tDRlJ}R_J3qE0PNFFHujF}_pw4gf9+F#-88zy5?@f6A{vqt{*}Bwq(k zhM6eGE_1p6BkbE9s?Q5t>D`a@HK~pFqW_8;V9PQ z;Kxq~m3#Avhl|b4#{HF0-wed^J8xP&>HC+5$YqjQdKM$lpp4d4DG zG37vWblp#)#?jfcZQkM>C=--YV~eh)XD;R)kI^2Q#}cspZD&J~u4(^<9V&+IXV>=j~+;G+ePi8yWKtzVc7aSvdyEEnr=7#XkCAt>Z+DD+G%DZOwIX$szYW~*KZ;Z zS=Zel-t^F^t&9w|8;Wncd;ENZ2I=OIrwy8lrR_>BUr={#9gE#A2+=RmhiKghp!1o- zb$gE70<-4)10bpLBp#!BHOxoJfzj(gum>(ZcMEa*|*K3%*aM>85ln)aBf!yIEI6&H;s1PrnI zGwTC!hNcr~9;MU-kzV4%KMk3&CTjJnm91xR?w{`m7von=@)4YdOoPh3nTAZ6n~i(i zJW3hgz?Ppd1<()o{paeCitx+%=? za4~tfAvI7Jm(@*9UOGJN`baDc(o?AD}9+X&ij)w&f0AaDtEYC8s>6`cMV^r zLhz4bTj~$YDY=8ao7p(*U>yThYtP-%o?kwj_S~)7^GoJd;hy(*=9J0WbC9eO%AI^J!7Cnq8dlz(<+)}F5;T@mAw(jAJ66xrdZp*9Ul;C?Y z2#lBKUPLK1y}Bm%?>JU08Mp6mNqjJoFYrp~Pco}_k!EZj_YS3QZQ(yj%EEH)r=5jA zWNs(!ogXl#^jX*_NbvB&5Me~wyN+@pgcLlIMdmj@Os4%7;p^>Gk`hL~Z*FehP~WAL z9fpz4r`TJ>5xA`;iD$U zJ7Zg8$efbnZ#%PN7g2TL?by+lrX>7sOUhA1Z*B)}!IC+p&w@t%1@CDX?u{t9%mq|i&CtUjv_>Zo{?PiyWSVgc zHY2?3i!)Ba1R@w(UuWJpyjfqv4AtW~v-8G4=ZXdIG}2T&rDW$aa{OsBc7y#RKH;kE z)ByaE*f#rPb4u=(|BqR_ivYa#NE@quI~l8<3)}Zab4FS88|HT5UiejWN}olILIe*k z%=3*XeZj?ulFMXSpb;gP89A}vak{hA_rAP@;np3AWQK$O_vBUNZ3c<)62T4Tl@K)rXyO);IZpuVFpr_~XYsVj)Q~cv4SO(dogna_wnKK6|CLNbr?%yU4!8+}&#B{oKk9Bwd3yi z!j@fw#@g2=W9^Gt_X=8zUuAAL?zLB%Q})c_Lv1<)jm~>|HmoUEQ#lFX09}&Dy4nWG_ypoiE&`Zd=U5q?xCOn)<52>~Zs^ z;*C5*DLWiebsVO)YdeHf`MRTS3YC`py`(Iu9W$UF>ef)zlJAUd$+wwPa@Tz`YlALE z3~-z_&(VV;hG?6AHW{1aaoQ2%g;sX|Yjf*y5B@82N}t`0f(;K-3^hiSy$e(8qK@;D zc$%{_ksND%QQ67;V)Cqair~tz`G9WDJ+mC#P~MTD9LM&>>!C zdY(BYcgu4rWjC3rKI9MK0*cnsqsdtM0==dEODU?gZ#1_V_txvoDSKvZ7^YUMHrr;I z+7HM273tJv$|~jHO-1c8)nqaT-vK+YJXMBmPnBU%1}jvS(Jm zD6*Ty2~oMuDg*IsGDaVY?qop|(?YKoiF>X;cs69 zYSmpv-lFK1OJox5Y(3s|w!wef;lGREza7V$`h!4FQ_V~K|FLM!9A^XB2s}k@r{jrT z%gYeEB zYLz??VG^cra6LhZDOQiHw^}&@L5e}g;r6+=gGzHByPH)yyc`hqQn$`$-6i=_w$RAg zlkjOEJOFaYy~B5gfchijM_UGKAYSSAKT6AKuS~@*S%vy^^QmuD=FtDS$5f^x>JI}6 za)R#&7vSEivWm+WKd!{A9_k3t*b`3sNn>kPln(re7~7Oq$Y;cC;E zvv~}H)@k6>E@*v+p@=yYi|{&MK{xdQu60q)m4(9AMLE~C9qQVcXt>Mj~cH19A%ed>~aUY+{rF?vCA{r?}0%1iba!e5lE8P3EVRTg#zTy=vPT9?7uW5J96tG$VTf3}h7l*@yq^hktBp zYJB)ry!AEw=j-^-H}Ict;y>TQf4&X>*aQu8yh(m`-kdoWH4hR#z5$-Q_|J>*pBKYF zHbJA|!=oGF)-n9&4*cg%{O48p&u_y&HZ=zp!%v0M?}QTkNGQQCgxb_d_z*uKM!z3M z@Z(_wzZ^#Jvtb0k8AkAfVFbSxM(|T%1iuqT@FQUaKeR-@vSd>`BPaYo2K_n)!B1n@ z)bMy8&#k71Rueq2n&5HO1kb9b2LRi&VXzpUWk?S)B%j5<@CZYK=NA$@ywIjChQ;t8 z8G4Eg!6Re{o*zT-@EC$8#}GWs!=}xOWijZ{h(|Eo5sY`3qZL{z5m9ztA7#FLVg} zh5m7dIt2bg{G6elA%CHZ$Y1Cy@)!CF{zBh5L!CzcLhq5k(2e9T^e6cX9ZUW~$HHHT zyED|oRQU^CR{lcYmA}x5 zaC*NQ?$W73c>*v>18%MPMAKctBC(zG-5to4i*R-f zoLONZjNNmx^s=~GF4r@)>EcAW&?GxSy4!a<`}JgV$HQ30*)ZlVspTi|1)n_=a5hI% z{@!aB%BSG>0(@z;4u34p*{~ave`|KkU6?CpOR(L)iMfxvEMFV9)dI6_e`0||idN}>~Hs^$Sp2z9p;CIDaaorM7FGwqN#T3$$a7p+J z8LedCnMyE`o)(&isf85GP(3M|;6t=ww*0Mf#j^Yk{cbI{2d21^4}6-|gb#knmh-_J z+2aE()S8iKA)yfcyoJ+=}4_?)^eRl}>QRF_p)86MXZx6~my0_=#Yy zAr8tsK0~eWqfAc#lr{x)lyes(vdPppwPPBn~TlXnYF0Z7@ z8&>3Lol9j3vd-s*Qg5rW6yL(RF0WpfD{{uYkkPhkJKBhotb~W*)S4%C8~e~$Sd451 zsM9(wMBYsE50r6>;XIwkbNhiK?9*XwxQf2q$CZC{jPu2bKb0^0s97Ao{BvlWFU}-- zd`H3=Y8wd`gzXXLA?%IQm7c6i0$+%0BS_@ZiirXYgcO_&^`u-Z&YL};$<7pBQx#}j zF(&Zc_rA1p;E0fb6Rn-S0g(ck6K;>co2(ZxO+Ry!}3eQ^G3u z_CC~_yWf*=rrG2Ebn&&f@x3=4w5uh%(5ihwO!@>Z1$Gkg)n6C(I2~du+5{)KJ?U5B z_gW6+Pe6Qh%H>=;(FLz0h);(-8nlx|(th4TKF+Lr@~>fbkEy|>?KB8-7dqgyzNf=s zJSxS`9c~or`IGoD#=6bgE2dU^+iBHap3oE59XvhvFuJaEyRtLgf-;0YY@VO@*V_V_ zfX)q}Z}aB@+Cn_S;=C}{mSzJNwd5|n40`HT5|n~midcc5QZ}}d0+FZ%Yhjaznbv%g zW_M`GRf{QQhXNq!BH1d+gLH@$6UilAlYzyYd_9vH+L0RSkUotHq?9!i*-fO7P?d1aPFCp>9JKMZ z=nm?nbhm1q6ehk(UD3W$3aPBs#rhUj%7&_iYmi>>xKbwHVzU9773L$Ei|d;P93{fF z!t7WzExP9EiM?E872<Z4xc$r0*i;#*-te(^zfv=E-n^B4q<5M9j zKq~m-+O5Zbcc75>m9tiY1jr)Nz;=T7_k~RKF zFYfa`16TVZdGHZ%(+%(t_c;$-d-Hhkj>Q{At0TXrd!Anz-$Tv~*XKNL>jSltoh*#Q z{JfM$oD;6fd7Ogw;pPq1P2A@^aBBka;GM#D0s2 zrG^=T%LFq7C;4XxPSDQ~oL-+LI5j>?a3Xt#;576M!71Yzf)l^765}ywZy9d}>By8PM~w0XQE26l)1t$Y10k6r z#f&0Px8+Alo-QKZ3uce11@n$S#MjSFlA3&H|$ld0b(kuP83la0-lnexbTW%a3@)XLSIqExY@x6jy)JTp-?j6 zyE$+Lr6OEi3`uJ^Vvj~%u5i>F9jDj14%mN^vO>|;=s=uS7-08Fep_L{M2aa*Q3+LZ zAsc&bQd3Bo?8`c=zm6q#o(FN3iEcru3twcW6G{c#UOXVL@F>NgP@}CH7d%jt*F};l?yAO4FYu8w z9%-*uQ|=xfqR9I_4lUHy0fT(RqZDgw!pw@=Exnn1 z!eh}wxXvlbXFSUF0bEIs6j;EOPx3Z&S#_~ zB+P|_5%T_!S~s*&OEOZmlXpYx$$+P%$f;%Xixo}|791Lp z4~29R##ZQH-GnV~1vucqiTtg?fi;)tOcf4d1xzT612Xavg_60Ca6*NW%4Q2CAf2y+ z@fzTejeJSr(n3C8C#30|#1qX}d9~CZ4erIc`ToW9Ql20f+m?lr- zo}pMGod35N5_oLM4$mV*wyp3CF1>Q4aCA&Q6;eu|D4IdK9Yb=dr;ZrEDcqp3#iR(V z(sE^RkWM}mQbw6_=9`gl^-+>5e}*`br+He4)W@#{U(Mwjcz#aS03B-}5!r)u5gtl5 zwWW;kEwbICG+a^T+T&yf`D)01BKG(z5Vbt3S+EVVCkH&Eny$TaRyg58z8TW=x-b@? zrRCCDU?n&3Q#8KEoQ!#Tia7wk4HV9y6wKQ}0ny>@IgE5$*^q~=*r!DLJ2ynjsn$`^sQKt=XezpSz|OGvH0p!Xdql8r6X5Oq^!0I4mcT2 z218X+I+6$mbap7<1|Bmq>s3nWg`+qHYem_t2-m9frCi?NILA)bAfrX%MSR}m!qj{n z$V&yp^5J+WLC05N$@-9?_Hk&nXJjISyu!1e7#a%!fu&o~j<|$CHigs^{cHp^?Fp4t zt`Il!T2B!X6Czm2)lqJIT+Sd{LmJ%}Fj$~I9-E+Q-UFed$Dh2#(@_jfgpQ&)HC4oQ z7P390p6Fg$a7cH;mHe)!ln4(kScWQx>px^iNV}T@#?xrxvC^sOJrqXtWDT?wb8Br8h&&U=2 zqGB0J9i)r$xY$ju@|R!1wSe%<#}lG7E@qSK{H28=+z6s5u2z#h{-R_ zvLDF&9jt)2hSCc+t+^Ow{iuBExu|^larxBqO8N9J`Xax(xKb@o zl`HIA9oRv@_Y3qDtO>h7Hww6mrtA`X|CB7e6q>rvUCI}r3*{_qV}+NEGe@gdsm6{@ zgp*WHv*qVSP}*IVDOe9oXX?Cw4GYuoo+@3yhP?~G+OArKrn}%4`i3hmHj^blN0#D0 zgZR%f_~)_aqs@uO;CLvQ6=k}B=F`L8FQ<ITxeE8bnr&6HPLphc zn^7zm-%bmqj#yK6Q>X7{g`-c&pvvy5BXs3Hxdmyo#NH$?>{< z8ok$DT%4}e@dlhQ(sa+Izu=tLnq6hD#Z9I0t#&wtErg>0>!CbyZpVX#Hb?bDKycO@R zgpaXj;6?Zou%!kls!$tXxVTX*WNKLlK1dGa@4$xk^2_z&xnvojNb zpA)s_4D9ltC#m@El0QNY%j)?$CaS93Mkp;^ro^Cj5L)I9hJ zKzL&UjvcLoZ%}Le88R4zo0%N!+b`y!)=GwurYZmnWv?O@RyxJMn0vWgYWl^fVJ`4TX;q56Z33b=`#LGA>aWX4^_|IE-m zE@=F}2fg4hBKSXdQPr-LtDr7eWI03*_+Wgto~c{aDI27~X#*?NnnLa9835ohXq9Za zQK}D9`!tZNgM#fikb>OB~y5Cn!Ik5sbt@QD)fiKsa2hV|BVf4ffPe6u0fs+&SIS4J_ z%76mr3+}>E{`Zq$`A3@L5I1Qsg;-Im(XIi7&=>&+-xhth7kjrUq89VBouEgUqKDKS zNT>P9b0hv%91$}Huv_iwTsd2Vt&{LAF8CafOwpCehUU;1{I3ojjC0ic({=~o+>o+3 zSH#)qJfksz=x{c}c_12aDM)gbL7{VK;SJ99oV4HVhnnLWXvI-LeAiv)%$Wnz35q_R z6P|MNStn&x?UYri6!La1m80MB!aeQq9u=4ef&%o8siO{@OyZH%oN}X(OIdKviG31i z2lS2{#q1_H3YmZQ?~+vAvDMFL@CluP3LdwYf55J#1n+tZ#z{Ho$}xu1W2_dO57&wn6=f9 z)OOKE?IgC>=|GQKxqD4AN&5-w!SwCd`q;vcVS8^rIM0uENkikiC61n@fnV+UoB<_N zECI)v2T^9R=w@M%1>O6Qvs~P8wMUfl96dTrGmr#V?5q+_nZ-hxj|k50d|KXJe$QPG?t19K-4BT?J@0$&E@(?%wO{&wUhS)Q zU3T@g*a_DfMHo^{U*DvS=X}Clq1=Te6B1X&4tI@1w=w|#lX1m+FY2yKQm1Sj8QhKW z9pav^s~YQn17$9D`2jC!j$DIV_eWPGK6N~>jfk)gX8OCLw*5E`^Y2(YDbr9Pbs zME5*?)V2txda+L-;F0`CrjM3kkPH%)wFw~$xgNGo=ZlRZ^nF&z7dY)|73hbMYzL6b z#TJ!%Uw(4ZhLgY`=uX)6Q?~82k8s(0?uI`-r-i@KYwtOJ&ko+z&vBQ4chMp1X~?4$#oYrvQiw_-o8Vk? zQCD&h8-@+UR)%Y<^nZu3AOv}R3?6dlQ>9&eGsEqJIVZ4R(^k(c$Hv2+QKpu5IKNoA2b2Y9yXC865)_x1G$lkjBZt+aweeMwX__$0WQJ~SrG7}@cj1C zTnywpDJrvxhf(E7PY${)tLLwCQ$NSZ?yXz(YP8J;@-)hlTmu(>6AiU(wxSoSWc!KE zI3jk23bN375AT=*VbklHW$Yw3D~h`Nd!m6RR=y35!(!!%kj@H_-ht&J9c+l)3C}wV zly8BOt3}g??oXU2TGEM;xs}M0)LH>6G$!=#{JojW>3p+MofGI)Ctn?wQfpe zQc8z>3FLHM&Zjgc5~+>Z8b3TL{y7q{sQ6kcw0%^3H7(Z`Ue`&-OPMF5B4BpOMaI&9 z2w10OJ$aw;>l{nJXw+J*eWCkUdW#pylrcn92C5VZ#7{5B^vB7oVsqET#&dRiv2n4Y zi2|f~SfVFU@qgPiQj4g#6qM*TDvDhsfvBj~`ZpsU{*u}e;^BaZhsVYDC~-asAFB=4 z+S_^L+k&mkBHz#3G?T~&|DBd=8~HBmY``o+T&KllEW50wgZ}2_g_lBoS|tyD`?qf0 z?qiu8!^#Pbs8A+LbQZ~;=0!3|*$Hn=9D5cz0n71}nHMFD-P6)bOp?31+O$uLFg6LK z-G(v!ijuma_ctSo9i?WBjAHoMIEtM{A{NDNqwHJeHFQ)vM$5I0V!L8a+^uzEP|Dcm z2CUGsK4NUY3_Ad3g;^sj7{rp+MXx{&;L~-qhlnof&j0_-T}@9DQ53cH3k?ZGV@xzA z?&tztx-k3#8}Cj{Oi%|}Jv>{%Vxj07oskhyM-dSb5dl$&(S?Z{{UauBO#Bf>&z)O3 zQ$*d`WZs$SyKnBBH@DOD+>>5qD5HEH#Y2r8YSc(KrMi<8 zE4w?a03zKm|Fj=*-U$a>MwdIzvLqgIR9n_1nOc@Ml?EU&Sud!#W}tt+oHqE)(Pn#w zpp#y*fBROYYOlXqp`)92u=!4;dK3Wwh6igX9Q;j=L8;~9=+tx3fzi<^MVTk z^YHs6A$0p{=w^FE$q0WSh923X>d z!}v`*;&zmGSI6lIP-j*mg&*K%h3nHwX>J4JKm9x$hb+-?aIv%@;OR7o|Fb zxFe{l%p@0EqBSY21mX|=?{7(hx>n|2g#pW zEK`l;CT+E*45kTO*BOIZgE@nFg9U>{LO$b`6gIhKf?Hu@>J_)jU7qKy!8?Mu_jd4s O;JJ_bmWFw?=kPCL*_rheNo#Nt zLTq;71w=fw(82VULI_Dn`STGV0Ro93_zMt1LWcmMcmBU~`|EeKyZ#&!Yxcc+?`ij( zbI-l!-ur%M=}Q(ZSh#@x7p!eh`nAUKV!2vvG^<{_7p$l@E8PjN(dj+V+xeW{y}hAe zpjAHBZgyK0uNN#pjf!8ZS6g1AcULc1L)AOAdb=pwFK>I5POaI{&HbhRGJpA9y&-=f zSlX#|>Yh~;tZ8_iO1WNaRhl zWs=g7Up%g6iQ?x!Y;ByAu=T*3@uVG{sgM z?4GfIQFqi|5G<`Vs@`!+l0wM-nPAU93o_h+|IWpK=i|Sf#44mkw1ADFV98{;*6IaY zCYsf5-FsXijHwrF76rQ_@BL*XonE=?U*PXH+>iKYK*s(`p)97i*Qpo5u3JUt77ltH zzgcY;#+t3dzGh>rR`nVcudvUEMfCrczM4pt07ZMy9|QhErMQX~|C(~TT$H{9+loag z@nNZq!-sF!bN#^^iWAiy@w_ltQ|Y!y>q=6`{M&+6>J?YE{R@H>ZLiaTCc~80YugxW zH5(nTQSAlG?kLy0=mkyV+L2&j+-rDHi)O2bhiVyG+9^*=;$fvgR08lLcpQ|E-Buk> zt2@m~iL{eSfo>`F@Ki6@FxG5#8qJPp74BactR};3bSFy3A^wRT-mGauBPL6g<^s#PO0u4_3FL-i-JMFT-T3FgZ19=8l=@J zce-s=X=$*u>Wy~Cfo{#Qa;pJZp+?IqPvFf!r&X?a#8huOSW|0Eb~`2LNV7`5AsFa( z#&$n;ce{qaPY)NCyjH8(D*5F`weCT+ml3IzPA^#7>~_LXmU1Y)V0)w_0>ZyLSR;TM z0#wt}!v&F+!8&4~4JrAMPaO>Pg4OkMW4v1)_aN>no)^J=1{+&mrP->Ms@^1&18B%T zEtkq2D_&f$%BK$0-~^QJkcYz~8T6B9<$;8mYqc+xY7KN-sW>^+^KbKlC1W)>Z5Vm5 ztU^{xT{lpxmL}mAYsY*3vS1Clt&({aEUH1*S690elO=5r=x_d_22*G?%5_q>wfqe_ zz0oGEG_NMxUbosT9iJdgU*{c%Gxb20X~~th(kUISaW6}-O4VAsJX$9aODdOZOT92y z1u?f_ncV%N`f6FNMBMQaU<>^PB=F+oqM>*MtqM(Ci4jmg!gAJ=wL_sBhFqesBMZU^`4@qNKfsW}wubB;B0}*0rY^o$~RLUmN%9_zz~aq~0WpT-C-% z)hXTGg}Z4(P#gKPcr4YM@cTlv+bez<^q~8M8-SF#2+{gTcM>Qlj^M$8bWbzTo@S-i z7=sQdf3<-;Si3tKsaKmIv#K}C!b#Auf20SUnHcq|@GMgx!S}olkZi7?){&AoQLfcX z2zgo_AN;3-^)hIIvew6hx19+VdyS*;rZPgpLk(V>M@GTAyI zep;SarE&JqtgI7|+QXxSkU|9l3Ma9w-KucdH_sln8qMy5gBRhTG@xJ^AEn2Q#~ElI zh3mt(O>tDP6t<1t1Gk9Qyha;FBjO7!wBwy3xdzY;Z>J=QmlcA8ZVSI{lqZ{Y53ysg z#j0zCL{@hI2uTAb-3wMuOtm{DM1-*1UT~Ud%O;B*ALCfN2m`5AFdmdAdtR`7vejhJ zBZyGAJy=7fIXTr5dVTjL7hQbi?n^GZuhr52O@MK^p+}@~xUO1YmLUXLJXL7P$ z^Qwhg;jhWgFD&eBBED=+URb!vYfY3JQ-wVv*B892#@dD3yo!HwceHTR#OTc^F4rai z$M7u+tVK+)T z^s|Djv)Vj{{#Z;wkpKB^uts^NHslTWfyi=Dd#iS@Ouo8O?^Zo3CU4C>>md1^67LSw zxB3GC125szf?zXxst3R~ut+K^GFBxVr)SA&h}nw28efsbu_2Rm6KB^(MQcrAoVP#-cU6 zVd$0Mf?1VTBb>u<4A%{<>(I=`9}EU>6}?_Km)r!3(XUXX8*Af5{%R?FKZf&Q#clM< zUky@BvU?Q%8jf?2Vhn^^RMHJjljaMD?Rzam1>}t|UQmEL9V|O4qFKWHG5_QKdq$qu z^FQf-ivJO;m!@X*4`PKST+meU6aGK3m6(X)?_fE%FUSb<7!Kv1{eKZqmco6M5r~NQ z!2o|OjZJiVBcj3z6wh@S5) zK1-F|`z)Bmy*<&eFz!LAk9SJtdcAq9G}gW6o~aU#UNBg5OPdLn%Q`(`YjC36ra_M! zASO-3S+IgI*l+w#`wxqvwbF=n#OXJAf&V4{KShmowMN{$NSh^VtE%2uxr-RQ1y8CZ zv=w6=h;49hKz}uz}_n%~5igh=0)Urp=l0q7qE>n1oNt zS8ZaXMVImpecg<}wTf2~F0b8_FV{>?jf*JuV59{s|`H(l0#W(tX?L=5;)dOA}+&10Ca`RF<3+a zIY+;$fzYCj0F72}dLtvGSL?((Ybd@KB`8>hA!!nWZJP(7%4!hePu40&rg}5H(i-_( zs*N|A@ECWAwwuDQ5q^$i*+CXA6aGha;zsF?5KPfL6SEqMFBfu({a^aO5~Qz%tMW^z zFbcbX9jVsq`FrnfgrCZxNm5s;7BE{So54=KU4qZ3jZLXnE9q4Q5o?R)vI5y)7a>6j zykn_IL9;?s)pUdPu7ofZri?M~?(4D6!^OSHE|&wGSV?_U8pG{(Mcb{38n{pn&>y{7^SuPt>(i5h4*5~>El>`q3-0bmA|~{ zx)ppWZ$Yqx-V3k8Ylz{Ny#OAT|3hszn39q)6v|o**qNiR-dRv|zfkjn85hkCVaDo40|0kLxAygIj zsOh8tAVdULDXn3#crCb~*NC5`x$CNJ#53US8t`UQfv~Q`=Q>(JHgVo2Ff$W#AUUIx ztprcp+hR&d{#Z=9j4VYBmENW4XmmqK_vw_n zleCV9QJ3Nr)!6^0|1I@*ASz?vg^Ze54goZ{XasS(hKO*5^QRuF(VD_^q?kr-%oQeR z`J7e(H_4fk@F;i3$;q0OhzRyrAB34_O zRBR_ha!i^!Qqg8KQc*?$yjrS>V&w`f;vzn?H|1M6Ri>z<=00NnqHzd05@oO}tnN^N zk9bm-3mW*^i-e$iOa}jiSV7li{?`o~SlGb?N07?lqc&f}H~r;*!&G0ztCRUak?bxP zf{rXqV)7@JEH%Z#8W4G4fd|tAq*2)Y39`QN-z_* zxImB~+rwkE$jdL|p@i%gTKuU>&lKr7!9R^`v@B+I#pzNon5ofhgqC8wMiYS!E#vgq z2guzkwGtHY*Z=`7O>eP&E*vI@e_4tA4_;bwr`inulFwa($Eo$QO0`jB?W$L=9c>jc z2_0@sP7KSs*Ihd7wI4H#p4vSzQQuu53Q^fek_R*dG(k#h6hi5GDIi#M=MW~Kckb+Y zniUNKE0~A`rg-46=+388y}PV>8XQ!If+5pg3c@9FRWqUJ(u5*4pOLBrZ9P+t#p_fN z&7JrNV9HjhvMvp_GrG+N^`0h;CGLUL;C7lWG7hg(Zs9FONut+IQFXWnRnsb37&-OE z+YcNljO;mhL*eQh4(_?-z;%1Bzy9zIx88b9Pb1%KTFaI84&@YrO$YXj+;sb%o6z*Y zf$QouS_`$Bt)gYt=wb0go>njEGn3#4D^DLW{YNhd?;;ZK8xcm-uS}GdsB6dUv9Mu-PV% z>Kw-yfpA{DKUK8oG$(m-1}mF9tff4P#JfqkBIuvYZ2sL_;UZ4?c884X&9*eN98 zyCf;um@2%lZ$4R{1N>MIj)`N=>`tbJ>mk0`sfr&yXxlqIqA_LvVvsapo zb>xT;JHoZ-d5&nY&6KD}&hGSBCB6ax|As}g8qzpWW5wzk1BpUrQg6=6spfslyBkTs zPRaMmJm6PNDX$>OYk6X}jrkLAZ54H}h=?IV^`lin`DB_v>_^U>wAU&sH!6s~Xl}_% zwi-;b#0Vr<^o+BVzMgLCAwvm0q+|yc;RFRYUDx_MKKl?r2cYdTjDe$rndl`}%vUMR zUl5C!kjSUX`xk1XSWWGWs!3Hkjowa_k9bOVX*~y$ZX(Gkt88pTpX;6&eAV)v6=SW3 zeexWF-IX?BShM;Rdo8prIP-}OuK;Gff)(}BYOh`|UVX6Eu6T7!cOdWU8N*q@gv?8w4ZP57z&mn8pb{i zVu=6M90Tp6%_bIjm(x&JC$~L7lP2T?DQCWd);zERj+r`=+EmjJ;+>FA}9Ij3}Mg|8HqupXrRgRCG0b4q1$QpCWqbt3^`J+F``hD}tI zAqbT6#5yQ#@}!zD%8k@a6mVUl1d`H`Q)wv|DOwU1t^e~K13Yo9I66xtDN8iIbQ^bL zETfruwbYrK^yE^ZUP{Er6%x`eMzY}AjcB7%q!_BB```K(Q* zxau9H1t-25gWV0gVRgFNR#Q!)Q!66D!i!C{HKrP$vn1jbe6tyNoYIzg1@giJ)ifJpB43#gQ(cn)tRVHc;Bve`xGQDi!u>{w~xGvNki!MrX z7L8)Tn^t60;aY=1q)>vD(kI`HE;9n#X6jK^fK&r!Nh>n2RKv3+eqBv0USb7Q;oM?i zamFzh5rOyG;cmM%JX&iE`!(9+V47I6(r`ta^}3BJFs%v(k=g?QufTU1lsYhbgeRJ) zbH^LUO6+?xd z4y==9d?}vi;7z+#vP?uu*tLeWgQI3LvdJz^nvtxh*qjGNG#xsYHC^$>p|o)uM3Ay`yZz|(F75GQKKJ!A~ISJc&1Zo-P=c!g~W z4q%Dol5t6DNHJv5ys$Pw`;N@ifpbNakYB=@IEsP+Lyw^29EC<#f?w1tTqQ9b!MZOk zN=IbD-5q=%I*SK-!rRB;$xIwFW2(ep@a_X+I#P|on4A(hAX8R0_9M*FX@1>=htjcdX*ZM2BS64(J*OTE?1F&;;V?1I6*vw&4aY>Mh?tpWmTqqg1Y8;Sv9Qy zQUYEdst%s8)FSL=L#PBX3nt=H#luA{GAvcJDbz{^bgJ-FT?pI2XpObdHn(<7{bpSw zWUX>Z$aH6=i_vpJ1-?2}WDrmYS}Hdn8ky9Uq;Dkal{Nh+$f}gKg?9FH#SDferx~Pg8JmH>o1AsR9zF-9bp)^U^Jm(h4@V zG_3N?s$7i{BAnR2Q#9Yi_xOlpEA2}`j9sUBAos+pdExljMCk1n{#NYbqgjI4p(I*u zd_IE5E z!)rAfh=!Eq6f-}qfTwVXa>hh4PDzSb&4Yvp#O^n&uZhJ2MUNs{;_!FB+(T)Kv1=CkMt%p=JiivfNY;Ef}}U#hyl49B*E&VXwY!zLhf|npd01W>Th%4@gq+1Q#ON17qil z%L=#X5w!rU#@OH@%#APMYtX`pJzLd~PK`f5Tc!Xo?JWygbg}(*wOID0R1P*&(|+rX zp*LbG42uhvVM8|G((Qi?TbjhCKE05!{E*xNr#3D6@Av!hZBaeT742MR&EL2o()W8pJ{UT~QWKMWB%iM`x%bAC}g zwTm~5?7N{C+>+i*?c$dt$j9PdX!t&aa`GUC+FOk<_!;T21X4utqhgm#+l4~jH~ff0 z@!&xsc27D2%!Oztykb&57H>vsr#X({bFV1x1$U*xm@Sceh{gxg;hRp(?(|eKg#f^> z9)aci&1O|`ZOTbYOnGr%xm)qE`CT=@mfCbOdF+fVGx-|@*?w0%47Av2iFD-DVXeo# z;MM6M4PkS_Io4j5a^lsBT4^K<(_On7T!a( z26jQ#4`89N7aUB-lVVZ_n&Y%*u+q0#84|MPnk=fD4v{Tqx{egH+Pn8jz2Ncbd>XnE zFe|i|rngTP`0Zq0g-|Q$n{4&$1>2IU2$1NWzR})5Xy?&w%nN+e14S;j45hS%r@G62 zXWRSrwK93rOr1&YyhFF_!)VpF@VVc=Hq@c^gEd+z(k;$!Iy6E%d$DSLgWV|4_N7uu zjVT&{y`Yv3$5hLF{(Y@e|5Q>6R6q z^@6iQJQ_Q-oZ(4~l471S*TIGndXX#sT*J2~YB{bTB?7(;JGtoyH*%=tdoh#i1!Exz z+YeZsqZw_g-%qw)OA28_o=1BSlk6L9;?wLwX`4mn9b~~cA*V$$k_pICy{sYn`h9!! z*gV&oU=hy;h3nG^PSJ#fxlk{-BOMGdI`VC_6l-lVHknOaXyBbhT+5{sazSZ&L4MM> z7ZWq|g6qyeJM9;`F&#zm&`6#R@HaZjHXg z%@5c3r;bgK&*M9FG*s`Pr9fYaN5WjEL)H@MLHK5SQ<8^Gz-4Wakg5{}bb zIEJXQ3s`V}GQ{XV&!6_+?!Uu-=ZycZY5(Q^EBu#@_^kXE<58RUt=ru(|Ir1$9}A979amX_Er7#n6LaJ`-Ogb{D0lY z*6DV8-tjdypr3C3`~&Rgy5^y&bJZc?7KgWKepC-q@z&7Z1-SS_suj{ho_1oBHU3Ty2``LQ^^gFi@z@^M~0c{dD3RZ)88!HDB_@XR&R%>=iqH&VHrKUj5TAv7hOu*NhV8jOLf_```*U3=%;-j{ulOT zUGw%cpUb|dpN>5AUA9=)y!S0nW@qcC7ro{e?7wx*S3R_Xt=44^o_{X;mM(ky+v?gWtZGEznO7{q}9_6#evtYrnt> z`sr&AoX1YnPv7{!gKUR>`u_XwU}xy3U;O$C_BDm?^-JGPO*!eU!KJeBH{!VRt*=EYkZ)0Uk@k$x#d!Vhps#_w;rhh z6N{sC^UDct(p2sA#A-B4N zCZHL{tXi}n_u|w7tC*q%xgctBej*MNAP!S(ESiv?azcWDL9`%WmX5??gklWQgdAQv z5{oWOkwgn}is?wK7BuS>O~`Xn6H*KOzlht0m4K}#_6$TcB{%CtA3{gbf?V-QA|t=; zgba(v0vY-C^cI%Hwd#=ncWR+khsFq}7P?bu9HAD;%4Shz^neDN^d?pp8U3UYDV;8> ziB=sNwVaR`)uEw{nw*5{&^YKspH>|jD^C&`4XjScwCd2{OD!%)GzzPe?2EI4oq4s* z?Q$phh)yVy8(BSM8l{k9)wRhv!NY{O$m}Ii+*zm-qcTwfsxB$|c>Q18IgPL6u zl0;gw!+LfhkW#Qht4w&u5<$t-Ets+P-IF#_PYV0 zg)gs~wVEx!Qiw}nuk8n{kg!=27N96TCQzv=YGiHuhln=`>zM2t<9kl_%}2 zRd|F5qp~{DMn{o7q07>0Q$I2WIbg_C{}A!vK_Cn|K~6LYA;K?;%E?;v8{QX9I*P8O zDGRj?4+=nOw>7Jwq7lt(s8P(**o~}}E76K(KqpHk&6lWc*v+doCFP&ui%0@9&9A6+ zI090wBMW|_2~EP{#HKXS`@2M2nzB*ba5t*9ibyL{BAU_Mj+$K->c)&_5wtWLr1s%n zQSIZ|1A&!hjnt|T!m8$JA+eH zm^xv-ftIz1p*ckq>pmb-V`OPAII<9!p;d?$sAz$Tc&f}js@PBobZVS@M9>9KnR}+B z;DSe>Ym|3AJQrLjr>r}k*7&I7=LEWPmP$HvY9Vn`oPP_XHBXYxoZMR-8Xj~9&_XJq zxP30V*D`X|2lJ==X4H7<9MNvaep*1ZnmlJ38Xi-67*JN@J{~$ZU#=f3Pqlk5!XbO8 zaha~BmP5?dARt&G7pu)!gX>ub=txPW*~Q^h$^b4EN1gZI9V{0oOmOyLVYkf(44kg| z3E)sd>Sy@f-)29jA1Wp{A1&T2iWi`mTywPeR8vf@G^3cjN3?i{X-(!IEw)G_{f`z; z8Olj_qs4z?iYY4)Egm+wsbizXBf7X7EaOLrOcKvur#{snKO(Uu*dR0Z(ybL~!?gI$ zg1?QeU%FsHdo=x<3iPprwMgJnN-zQT#t3Ylk=MY_a0E_ChXmkfMu11N4~B~i91&5b zA_37^5k&EoAA{<#j;JWTk$_5dh8zWov}I7s>jp>Iln8NvO`Ewj?8A<*DP@uXTXnRe zn{Ou4z)Oz6DY=pWJSr3{sT;!Uj<6{WlK?wPI8B!g@F_>&l(0zv9wnT1v}vK-?+BYx zI|;C(g!Ao;8u$Z_z$poo0Q@wm@v1xR4J;bR>l|@VwkQEdR5-NFNW*@YBW%hmCBWVm zq2Eqn86{QNn#6#)91U%xhriqzU-WmQqW@7gD_EJL00;Y67mEIk*n%B&!kU%N$Ws zLN)>AR*BN|6ix%ty1l{hpd$uK;U-{Efky~~+$gF$>5m<8P}0{GhsdxQKK{lL2c?M< zaGVpDRMxEFV~*G;x14}YO;9YUMUu>hv4QqOxl$lRJOSdQ^`E4COjU4F@r|69;p67^{()kH^FUrFk&FdS?mpWpmJpc)q_vT@~ zHFq`y0xg%j(GuN3VDKMw#7|3X3HX!kR4AQ6@-#;zv{09TB-!hjtcXE0 z?udw%{1OmtN|L65-f@IZTLBWFpKqXB%d`mxk+o?)#}OgzA4ou`zV-@_U?Vge2@Gp5 zbi_oP4iYd~Ly(Qh+I?V9z0wgC?NmrWr2?M_Qzk-Ppbt%HIlk2qC2erXKq;5L^{qB) z6T#txSnJOmQPQr61e9u4rcg$CNen5*+UV$IZVw45o2eTM0+4DnLj277Wfh(5R1`5Ge3mI zXgQc4z+$v`%MV{MT4Ch}uNbX|@KV-#d@r)m^ zVzj=+4_7f-f#L_N7%dL*Lsg8{Z}@>KMk_1)FcqW44}Oq}(HaF$9x_@=;5(xkP4fBS zDMnLpesGG>%$OgVVl;#02c{U!Gx=dDMzcYFP>Rt^jUSR?G?C&5q!`U~_~9r<(-D3! ziqVXLABtiW)bj&TjN)v57>ZHk%MU^^ibVM#C`NH0KLEujBI6lNMqv|AUNVYn_?8bw zF$h2K#3(r6hn*M=-u$2wqp_7Aa$+>(@dHkbMk0Q=iP2cW4>mD!;`~q(BNxjLG%@mf z{4f(Ex5N)JF>)k)KN%y_=bN?|*(u*=#mKDqz9&W&z_%$e(%CLPf@Yr`^ap~Kqg{NY zRD8ike2s`sD&pe>{&HM;I1mibr)~Jft+CP}e?hQbezt^eMW=gxCjD470-|p&jhE(R zI>$hEmdB)BQ{tNG9zKQ%Jl$5U$B$P9gW?KC@#VH z(y7{sXG?g$n}=s3zZh74)Ife^us2N*q)dN12Le@nnqcbL4pna#RYgyE{+Xn|XF+#& z;JXRLz$^^Pw?+-Dz?%xuq(N+mKoPGZX5SP{E$^A%){&a=^umi)g zbN&yn>c+Ag$7}{5!^Y!p36_Mp{#Fjx)O%9Vzn;U4qkw`jO&D)3<``8aNrPCz{i>{(Qj9@`xmT zsrBdZs&4GhM(fw5OW;6`1S|`L!5M*u#b_ z8N4e;29`yQaxi;}&4g||4Uhhy<+JxvnC!6?PN2ss~ z+8gJl67Dt;-K-PZSodwv*1r)DndwIG4F`Uu5qynz8MzA=<^qRqJrY)^siKzLshBfqJx~&{CY>IP;=Tb?AGb-YOZFs%8!J%8^0UG^{?kdXS$xh!+~L` z=Wpdz-B_NDo?~Wf?>PNb4%e2VeF#PCb?D)fB$uo@89gUD)Af89FdYMz3wc#HmS>~q zOTt{=mczBB=ugUFCRx#A0*X6yPLZYQBYB8&HGO{$1WVIzcBm>fU38I?rtfrw3Qecu zj&9xVuIcK?f|>&*o|Sw6H1_YFmLJopXBhA ztoJcF1>4m6dQz`g>i?cRe7WlX&KwAq`oGPgs#Jf`VNUA*d`GBIe>#clrUdTlAB|^1 zN1T2L+WJ>}A~Rj>|Hpw}srKLDRoytAjoL2`F}-DVHq(~6Z$#CsF)LZ!WAcf|GenT3 z=IiqCdB&mYRRup{i7K(LqjX{w_zT zP;!ZZ)m$A3RgT^qD+=Gdamt#L(RiXbUE?z>rvX>gao>z5aepVVE+B0xv z4%3##U!KEDvc|{c6PywC@R1I&l>gE^l)1`(Q4R!4`FA^1mC7&r%1QaxI6{T;)0Hl6 z{XZwlA4;kp2bul5d!jg9`MVCROXY9zs&35BO8G-f|6vZ(mh!(WhnHmKkI5%f`6HVO zdU+^wmH)*#5G>_?p+i-v{GzX%l)vc+70OQ+4Y~FIoG5=N0r`JHX8+1h6sIfyzdEok zmH#1L)s6XCDSwFRU*s@tDgRG%cu7|Nn0zvoKazm`Q69=%<^O&T1WWn9>rhoHzvwF` z<^Pl;R46}Pf92Ny?#i!@8z+Q4;jH9UYfnb|iR5(czXC8F z{kQH=32(D{CFtzm`xD9O`u}nV-lg|{39stL{jBsq%=KUAaBb=TU*<5Atp70q#q~eh zC4^I+p!)MXoVoh{-W&*){{OKFWP82iB$f|Cm>GV}3U3AKsyG#=2~#E$!cis#!x>vi8U16AykO9bzf});yHC z%D*`Wf~EW$9I8s?7k%ZV{6BEe0D=nTr%No|`rlpoqrs0Q>u?7DE^yz!_7lnJ+W#~M ziAwE%GOy~!{cN;9vTxzHbGWwD|JgarB&&Z+K$*@zx`kmX4`;6aAI*Va>3`dys?>kc zTTc3an`V$aaUv<)O?~{>SD(u$2EX4ppV{i@tJF{w9h<8AvO*hgWrz!fdP{W#_{ia=5q5;k7wTC7VM`P{H{b zV?wBl2)7&*UX_PC*DhX>1HrP3mpW9Hb|HGt$u5pLLWNz>1?p}Z;cgchgFmxr<=pSJFqUz;d8vI8}qX%Kxw+jb8?#l1-O@O^QI*{D4L~Xj_Uz?*WBzLL! zSM#a~j1QgsJ!)Hmvk!WmR;|)5j5S+@efkT&g~TgM%X1@vV8;$Q`0fVQ-DcOrZd^oJ z8*P<4wPwTK`tuBTDLvhxs=OHODMFy}OX%FyX8oR{9+UA1G-d%|z< zzhKFDy*b(&36@vNliUVJg27h#n1M-p_Zl?zw~zQ|jNrz^SK=XSu%iZYFc8}3G#CiW z%&sb-3a^-5RoeTNj+UO}LyVbs7@zSakl250MbxGbG5_wswu-HI z)da?8HN+I{A?C2YPP}k?qvEwXW!ybFl|0-m*f=NB2!=z$jgkBAuAv}p==qhq^nUJ8 zRjT4ogrMhZ=-Dwxg3B3t3P6)*{8F>F^QsA&#a;_hL~ge1W5gMoV~=W-qZpcL2HyN3 zvJaNc`4C|-#M9n$KE_!HXjU?x4Djs8d@?|5ZSx7A(#_E^`es-LjnTKr-zUi5{qpyK z{5>dtNBHktjNMlOQl9zBQC66*(*_6yQ*}U4?Fl)f{L-5zL%EdXlCPV z)taGwxqs%z)_xDN?SCLA($fd>=Q#A2iu8F^Hz~|!kz~VRuU;#U)^Hj3RP2LuZ_bec z#fI`e;y327mOQnNiOZ}U=5>@cfqGpY?%c(bSLZ+=WKxg+(4nfdj^E-{ovhO3g)n`xAgdWN%eFe1kZy7{(x@G*Q1OL)8zR0V(NnkdXvBt8D5dX_JW%F-Y z#S&D_a?r_E5fc@bTjabttAi|ySeS=5*CKxH&>_+ye&JA6T7>93CyV&JBUD%feS^|X zAKWcMea9(H;D_}r$jtq2%u$Tw-X`kP4P#$UPg18#!?=!DbrZyF3}drp7)fIAbHrfT zhnK^hqr`$;dG=w^X_?7r9{OA}Ddj*QWYSFTbf_xLMD(PSnLOSRD$Inwo9d<=?q=ff z(bczr!v2Q~A~xMB9(3SZTE**mRX4t8V-?GyU;q4v9KJ0x_;3z8$z~7}QE;j<18Yhr z$+EQm|KwrI)%w57fnaIHax+ z_;PjstQ-iI?w{dMRqDRzEhpXojl1sCH>TY*V3xWc{Z?=docHhZiQIJEA9IkV)cp#t z>c;sjbwA4a3vxKObbmUBp=8~U2`NSQC1IBC-b~eLC*6Oh zBUJc(`u4e-2Ds~fpC3;DM^M|p6%gU+R`3xA2}mpW5U=VcgV|U?=I2Ykog)Lw9=?&o zTCzRF#1)*I5Cvs_!Q`uXm~$=Tzj7d0mhm4BRi$N!9(1yd|IZOBEMv<&Scdwlk2U<> zQEt`n?LqHW+7i+jH`C+`ww#Pv5Y_2sF$9>7fzi3V>inC<+Ef7?%n^WP6HmzDE7>Mu zvNE6a$><U?7hpN&bMBh0X#MzEeVGv)QhcHQf^v#m@_@w?c z_f3b4IRqfI|51WyPB(`c2j=A{aX+s*|K>2bXSCgEl`9>a_jl*;Zdt-Ra#%{XgqWDj z=iX9##=8@%2l5c+>i)7E z2$t?IcBm?KUv!p}?tj@q1qdp1fAKs7MQT5ORMOG)k`XZ9zxETw>Ds^FL7-CmZ{}6! zU;7hQiY9Y7xAcD^hoNNsj|s_a%1`MP%K}&)%3KQ=&w*fBK-HnDv;fgzP8M*3BUD(x z*^i(FL|0AT12X%!0HQeE0^aGsy0n0|@v4uA1w=Xj=N!&03;3rThLSBHCZu!=h%Xs^ zEDvR_1$;CIg0g^@{QTz&`2Vma`R^UtNK+6!=VS_Rc7zI3`0sfLgm%jee%S3C@mdY9 zUc9N?ZMQL7KD_tF{rruY9<1AXGNwTsq?^WSz|4vzs8ghA4Dzb;ZyM_}L~u!t2rL^J z&fzTCMq<(miV15-n7^fV7m*<6&KKs9kZUtLb08?2fvKG5P*s|W=t(D2S?&lGrm}h- zMvY>ksnlynuvN`(Hmk+GUZ;FOKN?%P8+7+Sj1UXyw$gBrg|w9;yz2bh%9=F(AIRa~ zGL#cJY$Y2?OjOvJ-)Co8mh$^~G~`;!^K&3rmhwD@s?t(KKRQ{8?+6u^@~wFoR4&RB zzL;tx*~-6w^8Rgwm`JykPdZ3L+RDdy)%mxTb?FlLVU7eWYx$oX#*(ciCamD%Tx*Gu zYuU?p@~FtQmv7}ju zRa%hfS0@X4fg@B{(68qqu1n6Eh}ox^?)(Tu_HQOcZ@QU$-+^&yCg0^%6U<~*XN}j0 z1rTwag`F$hblRM78?4Ouc?^TS>fQ-=_h#2s#Z7qnJ**HBq#b-cPYHdp{i7@ zHwb~v<_vI_6aA+-5>Ad2{g?y8QbRr}7@lJ%IuyM95%Z!(O_DvSDKDl(!om9V`THaJ`(yq)7xyZB1(5Q>KshuDD|H$g zg$K*7Dxr$eA-k&di_dkW6$9?}d6?^ON}B7NQFiCHlNn`+(DYIEJiyHB9qB`N@T!iZ ztou2DvkvRizlEC)*;gMG4wWlM%Hy7qz|C_b0qo#4Vd(DhN&B{=-IEfjH3z@JT}XS= zgp@F2aXTmAZwUqudt+Y9!~SpULOp+uWU&&m(9kWWJ$I%@9jZzTD>+n^b}K~bWVhFH zs0ku=SHrA$=4Alie|Q@+ydWo@={d+o+Tx1^!*d?bjLv=#OAb%04a-?~A{n#Ho_Z!D zkvn07XU-QFHysj7b-npSA;#?3%}5_Wm(xi7*Yfvo<$7nz1YwtP0Xjkbpd(Z`wZc3&HS6X8yEo}J{Fql8 zg;@LdYD9IqS1UPmmGo+N@~V%3S6i9L{qN;)Z`s;&a+pfCwV0qn*9N5Z4xyDtAATzj zZLW0?l0>TQ+1{FmKUeB+%7I{cwl_Fb zl|D%HrIQaj?haKLp%c`nIzokKJ8d33o4P_YGESLKqAVy)MklI21Ihh+IHEq?!~NJn z4AR5>fLC?%aI-PLO-2Yx26j}j?Tle zSf;nup{g`J(T`3>@;wLbAgC~s9rI`;ZE;JGz9Hp6bG+8>)GCK{rp-*Kp9VqnZzM#0 zx{*BDLAcULZsS$w-$+hV35YCNJUd4gmZ?nTu$UYa#KdMU+jZzOLN9}Zqj~6aZKa(9 z!LpS}hpN(6M0Yyb%99+S!dA|h2U}5Jf>&~mzZoqq#an<{`WYyvN9iqPwO4a6h51WGuIS8oddx#g@1OaDosIj zoRca1i6c~)!q?_upQlOzqzLj={9jHU}gm$)C9xrIVFx zbc6~kIdvWe4E0$LC3O`@Bn}$)g4X^A4I(?;K<;tiUmD0UUUmKrWMiffUYjEX%Qjw> z!&|a##N=hZ?UB_>mRY4ppVah%R-qn9n#ug~e=~hk-;b(ksc|=1oj`_{wv)6~Es1 z+8oVD?rx$w-A=9sOvga$N?vvT?PNoi49Yn&u&m=5IjlK~%PiGr^pRx~PtQY}YZFh& zfneFh?G9C?O^EJuvWd$bp~5E4nFpI#BS(?ZTB8xV-}-f+tN($5NK7|?S3B@32Z}%B zRTB(gR>yL8?GbNfH%NN71bx4-DXu+*r}3x?->=k}iTJ)E+?)t+hjSiBi)!p-qkc|vMq zFWA>NjD$}C1ef&uTMoxIlP*6?Y$jbHe+T66Apf0<&80tc=xphL zMQ1xXU||T^RV7s6l(MTz^Lm*ht#IoCrr*&Pm5rPkdl#5-S3{kP{xW;ss%*$xa#r#>YZo^z*uX}V7o-K~7O z?EK;$`eb+Ct!_A}R@hY3%X0R~6w(HaUT}54jDEtZ1WY=)#pe)IYC{`fnlj9V}jv1 z59$u4J5JkPRA^_vD_UO*zrI$c$$Kw2G&k_9&0)bUa|4oMlIVpaFNRdfFaLr3eSrVY zg@1l7@2|3d=Dock|E#-u{toYQ=$B6o@J=2a6cbe0o}j6uhk ziy9Tpn_|)$^o{8Qm}!{+EBcwy;PEF3NL@v8?Mb&+H;tS;gp`X!o`U|P5%{U{_i6I? z>GJnZ{yP^V@)H0l&y1zP38i|Z3~r}dp&e_s3hHAy1-NM3u+%OzCp)zX8OWPi%d^1D z9E^)tsg*a5h%0mD$BK4Kv8{}e>ozlsy3>7m~z9J)v9?LYFW33@xLiTTBcLr0tY%DI1cZUhosLif#CBJVTx z{%v;|e#4=vRK~9ganB}j*|_IuxmGWa*1f`5w^5iQCKV7W-EsA!f&)j_^qaQj>U-q&o5)v$%X;;Ccc z!4u~Ku63HW7mUmWM04>#Y~|nzbRESlkCney%HON_?_9(yI{_(AkEGKVdgSEvg`H(r zl~9ET%&sb}_ahF5PEawFEL^f+L6XML#`0BWUv7{yW5@(#*#8(pB&Lrc%%NYTeUJ01 z3Ea+V4B2(7I8oWx;1SG?B(Pyi3c1fwW5!)-_d8UTdiPu*;MwR-)`qS3%#qM?rn~QS zU|4F@+XTaNz6`uS-CfH5R-=S`%sS2+T;DgegsthlAY*Mhg{TBDW`}#$j-uIca&W7cwW6IuNCbpoD!QWmX($MdOP`Uy|0;h!D}NuBzyFv2&c!(OVL);mr-b%8 zjVQvhv#ZK+N_g4qs?uLn9ck^3c7wH@W~J2VPL$M45i9xZe-o zo>qvTAB&e?6+gcaKkG!ik}~dvTur?pNO9gqU`J9X|s4*FMd{u zpYMpWt>S5u`1z@Lxs9F{vtQBEV)irfa+#>|ZSnMd@pGw51lQ*5ACoZktJJ$yEE7=YlNj&9?>jaign1|Z z^Dg@5-T24j!llBSH{#VT^v@IMpZ)aD0s7}4{WF4pJT8j6di*;wWiAkENSEL9o9`K2 zd(Y_3dyk8W3hBOGe%UUgn|2vpv&-nFQbyO5dRzchjrN-|+HA^brzxXtrXCjy71CB3 zzK@2{CK^UNXc%puVYGLK(Z(4@yJi?|nPIeFhS6pjMtc|d#s!Z{mLO5ujOWZ4CCof7 zYI;wLd3+_0(J~&RH9STOczl7y<6S}3D0b$7Goz@PQONA^4x&PGVBC8#a$Su479*#{ z$YXikVBJ`)?zKyuW~t?kc5C%2?;7fo7ojzE(Fxu+=7~DVJW+3%C+aPFBGWj*yUjdN z|CuN1Nb^KJYM!WT%@g&pd7_U6(G#iv3Es){L{@Nu_qKVWZZ}WV|K^GMpPtBUPH;sq zPoxp%iB!Wpk&c)rQWo<>%0f?MJtw%g+INL9@fZMHE_q_gxyJ2y^nw5DjDNag8?ywM4+`{s#^z&w#Pm?yFZdLs9Af}4eTBKt5; zWGLo|EXF*M>FB3!uzI}S9EAmO7uW8+s28jkzR#6U*hJU1de3))7>ITiFopVMV0}#o$L;F)7VRPM zKhY*BsW*FC<9KFO-qfRiAr3Z%KW5lC{>AuF<3HU||6IeTzuTf+FLKj63SI6(FD`4N zQ|ewX*p8D9g&~L@S%z9eT|p`jWbEt(8{`75I-)@bBm89}onD#8KY+#V2L-_ybo3z$ zklKKy0P&*|5)y?_8q%)lDUd9v>VsekYP7AQm7+6^;lg-+E(?b`9jS1{TPrLS{An!P zvGX|&R_-^nB&&8H(ne`14~iZQ9PEYe2M%qWmT)Ni)Ns&4*??3JDT4SOV+n~OSPf}A zHca5@X4?`SwfS@vTsOv9A6M}%lrt@-f-37w`< z26~oNIYYN>jb>*CdX{24L$~aPCVd+E&P=-rgIAYIsqV8xV_Or=CJp>dPf;|fRfs+c z-xL;Y|3TAK4Sy)hTEpO@J!^rtY?x-h8v4#m8xDidpx(A@npSK07g;8ns^?)e=SK9? z;=%%^tYE9n%}|!Thp}YH%JKrVD4=<{*tTXzX3k4z#)hW2q16YCZz#(*ICEop3^^P3 zuL{nZXjZ#*?{O-Gi7R|BD2O_{BODl;P(;&A5JYEyHC>nr)~X^s5G}fBSs)8sukrnV zohi9;Nwiv}vF;Gto8o9pFMy}5vgggqqTCiGB}PkM8s@n-9TFRsa-ga) zJOov4b&_ytEzO22wo;u8T)7EL!llJI4R<&mndV?PCoYdT3?=U^Hm(aJ`_gg{sTkT4 zQ3Qa(LJN$Vqh0EbOninfHc7EyjZdO;)m$L-UZ*JVt#K(cTD#O3&db*u>=goZ6$gc( zhqZ^6Lp9_f7wr+SmFJGa4(kxDvf9w|btoHpSd(b+RzrWR+JSa>?~USv?K$F?A8vx2 zlyeR9BEGm?jDb~sLTknv`<0aFI8ZwR|L8ZH)jZVZJ5E4fjB7ML>TRkN!>|>8TCCRi zA1CB~k`!E&M?n<2qJdV*H4O)EMSj<-W_^XWFS+c^qbeVtqLY^LHJy7zJE2P_DY47l zXp7=d^w6Rz=)qvUBN787=^zHSa1@YONxBMJp%tLd&jfAs3uAN^c&nmBL5sNp#pzin z;D9pVDp4#Dz~q|DC9zF5i7I35_kjVat2ZGQt03X)TbzE0>2c=6NQEKOo0$L#h|qA^ z3s71Xli5PwIU+ zT}X2@xk1W-Cu@|o1!(~ZG4+^yrmUuht6j-GY}JjiMcF*CCDsZrHvzZWRW`J}NeJJ1PfFce>VWniH#=0|-wU2kB zL8Ydn3RR@3f=^jc4gZozCA}*k3z0JN6hs<^!bk~Mjd8c)+`4Bp3z?coC}auE6&}jy zYCM-GRMeDZA?)h{Na=!%qlwNEozCZA@s$UV(y zfqI(J^70I$rQsPy3%S#bmSLwEEtyU;TJW4^v@ki%XaRAW(L&!eqvg11MvG?Cj25?M z7%f4~Fj^X#X0(Je&1hj|n&-M_c;UdpD-}){SYtb7Pus+?eM3Hm3QujcJ~Dp5a;K8J?A$;ThK%o+F*% z8PA!nO5d^Dk;c0hqloCLp~U1=u(>_y*BZx*B5&C)PEH}rX!L@WPvrT)8*t=fs`r4* zg|TT$UM=PMuii|j_ncm^MUHMN-Ghu*k+NRwmFF#3ATnsY6?+w)r+E{V6;MrhZcEmu zT|z8~VNoj)b`z|a;`*>?JN8D6N6m0mqgb{}wk0KHCt^5NoR!u*e*an&9(%i{ML9hM zEMeV1wkBg?y%;r@MdTa@kaUhN3X}b@rYM?NpoE&NPL|4E9wR~V5ML{#yaCT0NC0H0 z>_Zj+(eY7~ln;ZUagq~aud|v6oa$m- z)x`KLm#BJnYjJh-5}7H6dG&&tnf-Epiz}`1A987F8MpQa?9;lXni(ZfYx@Ol)a>)AO)Yh`eW!MO?Blv=lvAr|l3BAa z>y}Y^t(J+l$-b?dIwlLHdT5JcKhzL1$WAg0_DkJT<(HJ0EwVGUnJqa#O*6WKP?8<1QvIWZavG0*8FB74>4B4VB4NldP5_;^1Xvr?t_!P7D+{R9Dsq1W{q$zpF zernl~u!buo)j3dH0JFz}HesD=&YT9->PL$A*)L;sU7SM~xk)QimjsYqtLagTAZhd* zHZwjcE}DR_1<FcgrJ6N@xno)>$wFC09tzuq4sflt6=Jp4JEz zZCfy-X-7#E&4}5i7*WcK(g76n0J6F!N6p_XXy|OUEQt)IB!(vDY-@}dYu!~YuOPu^ zHMjnZL1Jx9g$jMbRLD%Gq(JLAdlK4-4pPHPv|WmZvZv;@Owlb?)-A2I9*gDFY@(!| z7BJXQOn%Dugc(Q!mXNHBf@jawLhU#2C_z!)lU*32^zm_9Ku??GQ6!5Qc~qURfwSjp zI@KCLSOym4SawoUN(({kq8O!n@+ghMD@I=^YBd7(VomK_WGyBAlwD<)#pw6)=)W~L z4_nNyqIlFqu$OBdPd580`J!wrdu)uagKm5Y3p}86?UI-1Yem0C#$K!GPj)B5s#H5l z(Xy*Sq!oT8J42(1sx9SU*>&Nzo07Ow4Jf0^t`9d*2@j~fwPu`<)s#}DL@K*ECRG*e z<$-Yk%-*9VXxU^YaVD!~Q@Nk0T!x4p$y6B+CnwN~CPS%2MMv(~6Ju@Cn z`%BH3iW<}5s0?I?pu=&FtbyDXk(F{(5GaAl?ufBu4J0W5`09|lj6w=n17m-$nX*RV zG)PgdIGCr#xpL2EN_r@b%I+dSE7Y|kvdfjIRSrr86)J~zI2NE&Zj_Z{g1TOsRz4sd zZaCmzpVsnIQ)7i7lD|~_NJ&)Y#mH0RY)WfB5?Xo57&P`dO^EUdDWG(!QNf_JE33sQ zx-KHH2tOK3lr&usgU|j`)2OB3RCD$)TI9bmGbXo}WI zwq^1}5l`u1HU;$7FsZ7_B^gzf62a`=a8;FtvM1@PKIMJcbHeo#?p&2}pwuqAFI+q2 zsxH}rvbby}+(MBq#imH146T2)VX@0zgm#qIy9feeufRjF@*v;MZIX3*>BnE@FXQtO zb{W-PKSW76y}V;e-(*U4^kGWhYD#r{VM^a&N_8+{N`GZab%&YK1t3ULrTfT~E;gmQ zM@;E5Q>uHwln$6uEp1b}%9IKL>mr>$4HmcB{NSTZpsKuTu(;jfC#Zv!xbttE?)#%# zvv8hJ=ERrbLM^Y(li|UNaSz`^t9r+K>=K~#mj$b3!nNL{P#Nb)OSiSkjW$j+0?eUS z^SDU2UW(em+ETrI&s3=+D|kr6vWuY)!E%7bCkN}jVCgL!Iwe-w6~q*kv&Yh3SK^=N z_3rPDKCc(7zzU$C15{7#)=&O2_83&d0rODXV3p9QLOS$47W8FpuiUEmJ$4gbrh!~} zE3br`)yKVF61_KD5JN<=5e_!kc!(#b3nAK`hx4R^be`2nor_w^`~Dug7OmNJ90Z<- zL`f%}2(ko!e@}INu(ac~aI_RhRlC8m+5`x0BO@+5uG^_W?(1&EnR+^NdwZjH_w}_( z2YrKsyf5nEC~dXQ58U_I(*QkKeSPy-quwl6sYP2<3pO-cweeb`TrY9(rEaSRbiqIe zhg(bX^l-2e2WCrH*X?-6NfCpU6I1ODy}->2z2Fr7G+A!7y_Pt|G+v~$$GDy0U=@dB z@p_-As?OC0Yb(u(iDqM>+&WT%z@~aLP|&dn_4j%(gsb36K<72+Qt5V&y%C-;SW~UF zc}aV!(J4ch-%M{elI*4iL0xfg1o^*=^NJ?TYVBfLZn)s>u0}8w_w>ce7s` z_v`qNc&U1&QJBJ!c5fOR6!;Ajp||Y41YvEb)&XI-!NB**Rj&m+Yw0f>%f(sdir>Vw z6eGcU^{QR(j`Mrk@N&TKOw>yl56V6E*92?h7|vohnjL^6yQ=Z;IZX%ajx}4=Hg?#x zN)xq4x8wEpe-y^r9c=?Q`kYJSLj+(AUY4rZZaq;0*I@D=I9QTIZEOm7?}5#7xe!lP z+A>pusG7%M&D=3e2kY&(ZQLj7MXOe!9ypCX9c&a;tIaNTO|1dI9@t;gorIcrC4$b- zCDXxL`Dcl5&miGH47zYF3;r)y(efsnEszU|tb-${wQ$(G)G4>dJz&9^@bxyQ;Etcv z9tzfyR4UDGqqCdKr{@m@r$npP8bXLl&-|sqqAMQT^Oxh^_AUI+`{17L?fKi-i(nB+ zw~NIQmF;Wae;>{K?fz}xWWAwC^b;6;A&TWG`lZ3bixg)3r4he24RHdz6x7{dLx^*- ze&OX~QepwnC6f9Y6m+RO##HlQ86Ij?f)p&Lm-6pjG7ykENySGdO_ryC;iINLM;55c zE?11Tg8@R*nVRI}v-g9fnYMoxMzFuYpZ+!NV70apd1jw=kum{+tIOR^QxyuuvEPUz z{!piN;;w^IsOqN3OI>@wuEyFx1rQrTfZNd3PH+E0Y*^y=CTPedS%T~5YE`%ns4BGF z|4guapZxm)NcO(oVfaPvEa3~)238!j>A}nf-8$f zdAZlH?4@Bfi^UGAtE$aP8&~Bv#tY3cwYs3fx}g#LuY+OPzfJ$?1%tS+p{ee3@K5)j zfGY~1@BSIMhha4HlL-D=R9eU@Z}YE_O$UMj@Jip8nDoVngMiUr`jmfNv|zz)eyv@Q zR~Q$dPwiT}gFBPQ3T^Kw#S{+uRygL@Dt@8c_6UHynX;ht6<^IOPa-rrj-jpN4O%rk z_)>b;rZ4L?M=?Sj^{Rz(rP6JcD^tb7ZN7(1&Fv1L(m16dishPiq1^HY)q;Y=mN1pr zbzvb|DPf|7TIEJHRx>gm-BlbM!BA1?_~lLkPFxG8Qf}b6-7JiH#BIF>MmSS+i$LV}tE3L|aCW@C|r{$)*^h z2+}ZayKejCNv}9aqAFL9V(Jn0iR?8EyEV>K*3^KcjP+RpW;t^UQKH|`sDj=qSjf{$+mAbaTnzcq}aH3o9)Q*;0 zH7H7?(y>~{PsUZ`K7RT_V!Bu#m|-`xP4N zIKgGHNOI&-)v&Z~XH*SNo~32NOZCB4-h!cIDX*Gg=j=ITXJIju6DMSK_^hX_zBb0EL-q{NAG8AORT$qFW3XAN zh7qhAVwyYTuTw9QK4&l0DD~cC8VFw?6b1tu-CC9(^lxL+x<$|)o@jK2E5o-Vq;3!2 zzW1^#FCRXP89zctEHruTVJs&2-OX1Anup2sk&~UtKrBlkiUq;CPI;7)dzgJ; z>1WcbSW^xmpVV)<1xtASVBMWhdDg}EKI@Wu)i3|r+aD5#Ax3}i{{f>{U3~dfSJPy) z-JQVF+0->X-a-CHg7wy0ET$j;wm5&vLs)(p#Q)Nhi$hNrk^6;(VzGGFPE)lYu9%~* z+t8%Ln(FIVpU+4}%b0>;mVtRGqUl-%A-OtBRva8mnDq?p!jez>=@%Agp%Jsa4!&*9 zm;VU+6B`0=ZLC(|%h3ovFtwTDQM^VGC#Fz7QZ5`q)ZfuFHa->VU^TK(4pR?+mzLmh^Uyu`wdQnV9+zqxJjT;p37o~GUaBa%Mqv{Vjx%!2id28T!ALXYE_)N+&@TPO!;%+65op-d>P{X z_)!B-o~N}SJuLqip`{L$!3_BDHoHFgyi!?2EV)icw5 zVBzXWQaiosHP5`WaOcpS(rMnwz2=>F-MLfF{TBqQCOs@|BPVbi%a#_w!J)Y(grj6L zD~$Nre^JkfCGXSHd9VVguTTSo6Uig~P_Tq^5iFXV>IKV?w1XgfUi5>g(;xvu_03DgT30rCV+KAo#0ciBLxvYbz=ft%MABs zs?reqE{Jt=rPt(iX@)C3fTr%Qlr2Pc?nBuk{58TBQ*)QK#z(8ayb28PmDp_=^9-xg zsJ?Cg+4doQ=QF60@SRt1eEGifGF~s&e2&CIaXSL8t2tJ}ETsPlkaDe$C{E*fTM@}; z%8)%8J#VwGzR%XI*?ZoJEcd6UJT87vR}T5&3k!Gdx>L@ERlpl|z_-l@1qm+s6{I=B zC7+()k~R63nZGhq+4}L#FU#rl4Bz}FG@Y$)?rW|4(dwih;4(x|yFRuCVD%Z*>f1H{ zIW-cl`2@$3=~j4H`}@3Ju513&w55SZ@%oQ)@&7AnH$%n8BASrdr;o~^;-h`(;(QMk zPt}e(zC0KkAmUZ}92TydEw+Rq;QOQzVhGp}C(v>tKg?8}ejNYza=I|X@&6i4XY2SK zwlq9i-Tk+@BooO zlGA4yKJ>|GI$Ix_x8vy1>OgPcV#{-&RLeH$Y?YTw88vDo;^n;@OJ;1vFIi&r_>cgE|Zps zMfx^vUHHIUVoq?P50a(`C%QG_L^a8lH+^%aV)f%q-;mS68Q%1d&~&!m)OkzVqt&gx zhRe^mRcj-F)n8PrZ@2nEY9!q1D>;@-_rcxj%Xz(AxB8~EWr#=N4uvhj{}O7A+yB={ zZ)f(Kbo=Zr$n418eyFeB?!)P3SN#N0u#Jg58R=DnCA9scw|^0tWd>J~NjZWX`w@MzOl4oNdItR(G=i;ar`yBql0p;@XsyB&! zE>HLk{ueBv5ANcy;&L3E;U_dlg27h#7!I4ze#RdADjJa-UjqstgEbe%$snokftwND#2ThSpquYGGS=8UoUO`gkn7t{{JTc{XN>rz5&xMZei`ntf{h7P{O67MV;s+!C z?~nK|9PwW?;-3KRFCOv#z<EBrt7U+KSU#DBH_8vnKX zSNN}+@n7%1!GGhl|DgXS|IIW0TW0*XqRHE4{I~n>@ZUM(ziZlm_l*A@C@y;*cBPE4 zY5a>1{yrZ+IN11Z@$)C*=e^?Ref(#LT|&AsO#kenf6m80UG|q&;S4XB>Czd=Azss8 z#j6Pwx*A)gmdR}|(G5|?97u#Un6Ptuq7v5%ckSHJ94zUw&FPUR#p=$R^ZCsCb8shVyP5ohO;C! zLrzGJw2RcJ48g7zxIr6ulG<(4{OBV{0^|ksN0Amq(H}(%G_GSOshb}~?LUp%qG{0t zM%%dk&b^o9C5OYA(Mpb2fOdwL_i^qy=YHqhb02eQ{4-D2M)*IrJ7`(9yS8A|YOYr^ zgASXjdDV8)bi>ZGokLG`p6ry_v~OGtytZF8J8T3ws+QfT`KH@B+hH@5J+vFaf-FB7 znAOns+_<>}OmvtQw7l4^)ECH>%-rqhVKkgV#W%P-y!p zbB(Ae%=>gl&^pmFKv~$a_OfX`?us?WCS(tm+4hF*nw{l##b6~P41K%O4$*V!>6l#$ zs8^HKh7klv#P@O6Xo_!BwRS6cs2J7rzFDU{Z8jMitMsa4?Y3sEoz~6Pn01hCEH>S6 zvATFVF#TZh^n>@@fA8W)&6XF~q37FXu()c6R=Y9}21K2nuluOxqUWDq1ogq9pn6d^ z+MyS;n@z)C*A2-lT`9NNn~w{A0DjzZa$CD%jj(ast(j|z2!wR3ThV{(HZc5l{J#VL z=kWg!@dE55V$shsxM;hpkRZDwM_^i+vrV&IO;B^FSZ3D5a@aB2*1N6wglWsxEf5U| z-41oEcF|eJn;Cke2R1k!w*8bkoz5YvTr)$VlS^8~^BUR%+6ki(n1?}V&1{+Yo7oDFlw4r@mvO7);+ zRLvzV&Z5m7I|c^xadCi+^Aa7Y#9+orp+PY-;x3Dd6t=KYjaOqGpl?YHr_~yalz7?b z#g3uMm_+axwc4(jshnyiHoewtEb)E-16sZbrM_TxsO-Zi`;gT6&u&WRh2AXYNO7UH zzCzB*$!yrJov)v zWxJ>uE>`|*s;sme>pbzTnefeO!~{-r0<+ZJki(OR(%g3m)lU^sJw;RtlBcNQ-qikD zF17nOwLo2PGc^5%4X{y|`u@!hJ~>9BQ6D#?HgZ#sM&hzu7=##lmaSm61c!*3N=m}Q z&-Z2_8+E%!)91je=efGw$oWG}x7uzsY#n!o8SfGylUR>>V!cal-2-`{Ui2SBb#A6kQB7cs$I9Moeee(%xHSGHW{o5F}ex5 z)|Uj_F4Gu%5q$ew_yTF%`%)JpB8m3p?+*)l*qgs2Y;UY6Udx0BMd#fZnPVr ze!*z8&2*>O4MDrr^88Q_;2wpaXnW+&Z9urrL8_IH#NKu-0^{F8#%H1F&&8TPH=uvO zJ5^SO$UA!$jQU@YBjL&Yg*>rxb<}w;3ZWNYjeC)gFV2UGEB|KK006*5mG>J1>UH zbB94xc`nj?JL*m^U~yK9o9uxt);}e{V!bvTq*(u)gC$Ot^M4RHi8|bun@<&Yt&p4l z7cs6Eg8W8d<<1Vg?otIn$iT#ZuCV@m6p@uXx1elHe;)w(a$!5po!Nf$MGZ;Bz`)Tz z2;-|?8TlI~W zrCKN>a!|F35tte`v0B~pHKWncl$ojqKhg4P!9wX_*D`%O4756VMu-{Uo9{KX;C#b0 ze0MI;9z;zK1)<#}bGQ(JXZ2dQ^y;POyV^=%`1^&LrTX<`a$cd_2iem3yg4KvK|AN69Idam1{+3YIr`~w<`AZXiX9 z$eM=PYR#5IPqbiOfbZGhFYBNY;gvuu8=-~~8H6P&qY&9_2ccFmshR*_aY*Y;B}(d1 zg&xZEA%21mMQsh~HvAAuQap{JOUB+I&H3Res!f&4nts9Ggq zxUlA;+BAh&iquj@&4W$ywKCk=rf1h83*fv%={PHx6-x_HkRy>=tzt3n_LiG z7J-u0y0R7_jY@_1|HVvIy+NJyLt^0{ak6@6y=nydGAizaK!PRd9`;1~zqp#-Nv0Pf z{Zypc5ymG8iO9cwHLbsJy?FcbHRkQ>SJS&ec$+nsa+GD06F&dX)ll-r_2TnS2IX_s zigu0a94nfW=h?R-jwZs%Qaq5Y`cxm`blIxnTBk`tW}S%vYTYif(sZt9-H{0RcjQ5> z|H`xW21CmFy2u($aIJ%K4Rs-HUen=z)umI{yR9X*V73Cg;klT0_1vkT#oGw5;{C4P z`J%cysg>_|G9J_V3u#)*)(4{mti}s+1Q=e5(w)c0z#-Z%aUjW(XvPY??P(Fq7PCH; z3Nl48aV+^cr{c2C4~Vz7oSad88|RnsUWBfkzs7s#Z}2Bone#15=3%JUtjo^d;fc*g zAsl7DN6a1P#i#(wUD-@}`0E|#CCYmqG(h+i(Ta%#=^v4#w=2$fkS$`Cj9;WZtY;qa zF2cXjusb8LD-Bbt+1Q8m8~$1qE`(EEa8e5UXLI zr{WjvfIlKr!&@b_EE#tOe=*cn(VZSplVX7l1Ry+rr$VYAV@#UTym=FTd zwDfL(^g1Z74*TpjAu1&So%lKspvSzY1};eg`!yo*J<_HKGmEX#%g`hR4-%;Z%F-pv z&KE%ln~o7Z8-16t7Ljcd5qhqd&I?qEZ=g_~CtZ)GLTd=a?37<=Gu1ktce|bpu~X!X zk_f+!agdhb*~oHXIn{4he5`0I%c+x(iYR*I6vxkr?tNc!G-6S)-F$^|CxKxs4IBp4 z@8nAYdqM*-RKwS+9s+e(UsouRVd9?K$F}qQY|ojMPu~6HCyzWCebUAu=LgwF*>7)Z z`_Q%AGPiW(JxfQGZFk48g$O&-*a5j^5?j3%l-C`$S9#LGvD8M#l_g+H3IBB6cI{Bt z%TL6SAWlDy4~RW zt5EV0q{?jt5#g%uwOd^ylNLB8F>Z$(wo@o_(XNG7=VXaS>eO})599cNp`6A?WGMRqfKt=P zyJ`Y)<6-W?4beU3dlz#%G%heR!9zhr%1*OiUBXTu0QAziXv}Fx3w-m4>8eK>6+CwC zjCQ7cCK_#%oz|e!CXi(KUaDl)xf>rv_8NwZc5ziZ?C54TFk|VO*TZ*%IS-=I zWL1NW5rOHj`xXBBB9@Rl8(rabURShj?0r|M4}90_i&*A;dz-71qY%)gS!I*0I)hL-fGKAdk3&*co?bI~&6 z0d^q2l+sg&s8GfQ;Ab~Kt)SC-8g}*K^h1I-Y=3TpkvEn*ZB0D0Fw<5se|*Y4>kxr_ z$#Qg|fb2m8v=y{=mG`!oF)76Y8SKBdzJ1ve@HzS<^UUK;S?&$^96dR=zN;pW#edHX-5;)6Lr;6ua zr-XQwdT2a%PEq-Lh6HlK379f0X>SP>|2$_fP<&fiT@I#XRf5H%Ku+ubk_riY{#{;e zTJBj?m&5FNp0)2dx#@WR%p-!vp6?TQ{9dM0#pKBiS6jdmzdS6ni>0}FOnWp&9n1=c zMl_TWc(wv>csA{3#>kX{W9Xg8DK1)%+?kK}0fA_46`dDgywc5mcaCh>ql z!Xy#iU2X9M4(}>d>nvJt9XOmvzlwZ@E>T@?I5btfN+MiW1B^-O2qK^0Aek2#c>MY_ zn**J{OqwL1a~B{ZAyOHDA1lS z5cw-HRwcpwq46;(D(Ay|H6S-?`r&KcUJfdLjg&{AqOwGx454onYS%E3_?15LEP%v6 zMbS+|;{8MVm5HRbl6(0j&Sj2=a-B&LCcPXQ55Gl)1Rj2YS6&P-5)c1?XYGrJ@9Mt> z7D3`5Srb%zHPh8%qPGqz{^PJBcj6(-R3Q zCaov~X$NJvCc(o=)KoMPC_u&iDEgM8qQZ_X8MV7PeOBmGwRBUl_DXM&19pXq2Z$y)~%?;BPC#S-3pbTRQ2lYJON zqf}CK2vkf8ZK}N-RIHHlNMA8&MHxo5LhTyHS3K88o&~7rqUc+WiV8cn5GtPGT<(dA z^m=GiyhMcrDt?StUkou46(8qW`+AF~AG;pgmm(y+PPHfK+sQDrm^E7meLp>{pszRj zo{MMB$;Pzd(J6)M5_)ev{NE!rz!U1%LmnP``%3-#_Ui(E|Ma zD-?a}@i$?|7Q){@=3M6Z8}FJ_#7VD*#@|<{kig$>@al^}M&j>RdDg!8d&fXKIwL$C zFn5BF|CZ@+G3i?eA739<5Z4xr)wy>X+*ql$mnIljV%O-Gn~l)#4&6ISHwu^su+vMhn$}up+W)) zckp_P;Y1?g6wlfh3HNm^jK`ZX>+fEzqJGgNfyA8%fnUS2032eV|WCVu<-Bq!@KYQVt^QJf_^WXR=8i4ZH zrt?PjSdAmNhvO@~i6&abIVo`&Sadm9woF-EbRuuzOrP|82@Uht&dc=eG6dy(C;s+b zeA{ro$N&C4{iR_kk38YdYctm^TZgIaD4VIaeY#p)k1rD68KsB|#n}}6-Vm3e;uiJ2*!3>1 zMaS6`x=F2u8%Q6gyDOFZf_5*n=~dH}mwn;^M`v*E1$R4jmT{Xfzi}P6R=MZ#Sdx!z zzk#P+bdwuhKu&LQ#~Te?wy*AaA#SENl{Y6x*)F<}-EBAZH9D@-LCOqWqTIq^t|r~{ z9-zKikzzJXo}$xPnCN0DYEBlAm!dDTojz_c$Ay~>9DZ#;&soVba5<-Z9A|sYHEb_H zSHgCXq>k6jN_!Rc&CuR_x-}N{nnn{TWVxy)^{8`&&F~wubZoiy=x$kT|8Ix&`TOSi z#dtTTU+Sjsd%kWNZmnVZU^0=4JM-9XuN~sFu2Rc5ucgBdX5M6~aJ~+$Wiz7Qgodc} z&FL4J!fX%qApoN+u&9APb=auHjUPS-014TAa-gQ0Pe#+h#+fcF{Q}J=QufmM7RyI3HKRP=&jBN^A*}q*h?I zYo3lfy^(7Vt}OBb6GzjMl3YuwxN#N7m~qyL>e6d=K3M%AE0k&1UH9M9>|7jt3l*D@Dl^^BUE%R4Jl|25YfUAXkvfc zqkHDqOv`K~`|+tWxPZ6?eFyC{GT1w;Fl+@&i;GAOaAi1d8gv&te|53L_ESzy0CMWM z>chzU$17WrL9I!LfglP(+EUq!C-x`~rI4IRHJfqUWTR}`+W zz4BKfpsbC$z_blEX1W*XcNo}|fD?>gs3K0x+87+zoy6~U=8CfyL_xJeKq}M*SAWsZ zHL!iDRJw$aC!@A{{6Hs==tmupeUcKzcZZQ>+Q6THO;a)*+NDhV#YSM=hF?SA?_rmY zS`YC{4){$7ZMI95Bd>TDZd&6?Pr4&gXt+lCL=V&ykq^JE0J%3SI8&R-dSfOr&OM#V zHXXIf>))5EAIR&61oiu~b;&m)tOPKrdTko;I6eh`r2(FUyD(mp$7TAn;K^{U$y}N{Y`5BI*GPL->BlrmHG(~f5M+wmm4*KY9qFxa literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/environment.pickle b/docs/build/doctrees/environment.pickle new file mode 100644 index 0000000000000000000000000000000000000000..c39a943a64547a57d85135ebb6c6699161193375 GIT binary patch literal 162829 zcmdUY37i~7y?-G0wYftABy180NnmFoAj&1=BE%%ivLUE{4dd)=?@m`{XNEbFEP{#( z>}o4{k3sZ3efrerEr8|?K zuYSK@eSg3DRdw}Crr&zZlw+pgf6n4cDQ6dsq^!aryId@cT7_!eS-7=k=ZAJEw{EF# zyuN;2eSD|Be>~qiQ9k5Epid`+1 zZL88dVpnsu!Jcd;Zx5C;Rl8W|87^l=t;5Cg!Cs(L=^exd@t;VvQg>!l%2`VL(&V%& z#acOQ0nKc&Fl>+1o%y`a;`fYg?19_K*~LRvxoi&sC)d@T=@qM5qn);nRINe<*ss(N zfGk|u9jT@=wQ3RAuRBYGK;dQ<>10NrZS`&;Q!3`IVxjIVSIQ!RN^NvBQy!~(D5FrU z3TS2S=vbwiE@jFf=DKq{t4m6$YR($9DyhLt#m-i$};_#R<=iSaP#WTXPkL%&*n2WZ$7WsRxR1rsd#43Oo zt5$s+R7aJWuGEHy?IR$QY%!mQeo~z{b1y3oS!HWzyA3@DZ4Q8vrlra#yoF`xVY!yA z*5G*+6j_HSRlLjsksll?9tM3(O^puKb3HYut7?sw^3Y@jEG2oU=0JuAYWjSReB`K&0I?I73)TJEu%Hc>kOR%Gumt@d&$NRRqN<49~3F>DiQIzBp2>J1gwbkzV{K{j>RuGmgOjQ>6k7sCl&5 zaORK=Lkg7VmgKima331AO0~gswo*wC+j$sTAk;2e(Q}LSf+&UN7iyz0Zqvg>u(~Qm zp_vt?a}e`B_OI?!5H+9}=obv?5_=>?Z%wae22tpNn(0%&l^!0xZ`1ZmQ?Hb8B+Xg?~7U_`p)M;YHhiR- z&gApO!|CDLHP?)#0Y?fI7y)!(O*k`o85D*yXEaj*qfb-3n{F3|tRtM%ENq9~&mE#% z6evzvYb@`ZH{xQSYWg`R0AQRT-*nXVPK?-gNT=DsDv&{)Hz9i zl!g&{nA1m_8!C=wY@wu8PqTNg5hCB-0UiijiCFj zq$|}i+AV5Ei*o?kd4z3OvtV0X09@>gWSL@#sf;T(*PAcY~Yjn*!}qj zEvuA1oGBMTDK0aMDz#DxAhRN$9N>*D2N6=8!w?u9Ef&&H4zU=XQ-G>D<`p3100GgMrQX+v*0_+} zQ+)Gv@B|*r10Pj_K~zcC%6Y-ctb$!F+1Z0*^$A+2i~mmBBZVSB#{pJ%srNQ0as-T= zKb*k;Nhod!$0xuf_*Z(!DuKt?eGKI|w>QVf^a8-HTp9`t!pMPy(=b7j-ep$)D-gLre{NOV2gFFjD2LH02EtO>&(RFOpFV64;W(PYYO&r>+=S7LxN8^k zb^*vz(Xz*2^=amg#@X$KlqSUS*|JT6(UmHD0^tha&>)1~pgk_{MYPW0vW;N@`U`NN zb08?QuYtl4NK?wWvvW`5xJpA9YIGuOVhVUFd+avE6>omLNq@LbG*Vq(9cpnw-KPg zBhMw^-7pdZL@kxM)5TEzdfpK0heC)qvXpj1-cPeo^VqxZ;uTpasagPKjtA8+m8o*m zm|$G92N+YQ`2^9^616n;06Qf5x}35h@4FKbHknWbf~yVPg87w@-((P-hCuNsG2FmT?{B#nd3wmif3Yuf=Pvym+arOr@L><-W}Z+ z?AW_y*Pe^FY~MbxW8c1K)>+HTWK}k|g86)A6mV+KmcE_)x9o&^d-hzMw^POPh^R9U zQvgR`u#BLmab}f-mh-HodXhY1) z?yqDus>M>?I%MSmPH60hvohZ9QdU9(e3h)?jE^l8Ia^CuMfwa~2!yrh;c2}t_6%}8 zOkChx=>6sFzT$k`n1eo_%bv5qj=U8|FTKy(V!l@yKlCA&oYyhaC!7sXTNccS`Z!(# zfCXZ&?7_4<8DI^afRMwUh^RkrzqyeuW)nu1Jwz7>bNeN?2G;G@TN_oF*T@5LS zYC30SXjCkuv`8(&CaEyVptY4pRY<)7#tS_vPcYevQTFcXTBS@O3jq#7Jten7w#1)E zfjGxrwMN+MiLxA~=Ky9$!OIE`c3xcmG!4-i(b-__Jg8v9#7#`Xqz*Hb-7NJ75?Pbk zeT+LO=3_l+YTT5L$GfAMgWyD&?P6L4{#AtRDKE050`{D@n9~$VF%j-8g28DQhKrc1 z@C;tT70f!;kSD;@oRcmqSl!T5t6Pa9F+u94Sm*DxD_JWKE)PUsk>h!>Xe40xE)>u7 z(IB1#4?dT3DHCUwNH}n7S|&&opo3O5W9MPO)r4SHh^N_d5hnO6SHHc=IV&E_zf z=*--7Vb6=!p7sI`#Pey9f^`@L1COWG3XlR|Aiab>!+6k*7LYUrdE|_e<`ZF06hTYO zIRZIUNGVjS?hJQ9Hf;~3A<;@hb!ZN3gqB^5nM!cnLC+Ru(<~Z3XpMpC53yP4ObAa$ z3K{GW{a0}qcpoelAtyQ$9a|nTdp1r?>;lci&%&$#B#mJ%J0BufOpXF(z+4;h3)Ng1 z#%P-6;lSHcmb&0MO`|~<(ud9hnbX@VvNVyBhIEMl2VQ^+=D2LB!~#@3twJd*q6GrQ zuoNFP5ClAhNT@afoE8tl{7eiGti~QtTf(Im@oXg|%k5Gca&v_Yrp(iWne0Kx2Uc>T zM{7!Bkj^ip(Ye$LSA!$NIqguoI#v?tHQx7SVE!-;t$Ya_eqo4b-|CQFo$WrM^YOB>#~fR0OARk#7bFY)Gk2G zQXWm`As_+YAvsnAR{^Ka%spqjL=+xb(il=0?!yJL1-9zo%;kW5DX2^e>;zd3BWpAb z7?zmJfRQSBQN-^SW9hvElGbubi*_956D*=$&|9mNdk5`8Z_ch&?Yyj_$jYV5>MU~W zhzGJ(w`>SvWIFK#RDcB=nBi7o*h6gM3SuEx6|+*AdcsUAy-5vp5jqoZ5ob0N7Wfek zzH}Ny3k6K_fM%^}BAM5i#~-lJ$eCV%srw-@9aEoa zQ?5lAfYbN~<9t}w1PhdnII}1x^rjfEMBpq+cX0j+2rtSiXS?VF^~tq(h*+LQW8c zU|ky?IkP1V#>dH`8MhFipqn8|vpEOkK`}||lLZAgKsrzmjp-=cD|C8%sS1{kaW#)q zSuV=)WINAF#P_;6*8%(1###T=xjRkHq?qVVf0~ad~Xi}XClG4>1PQ&DTR7TIT z0G*c85E%my5xA~$iB}GS_X1}FrU0nP6Fl7SoghnLE@jlNV5G>K;$>EfMf&teu?SJ5 zREAL33bzD=GLS@awIvFyb_LPyME&l8AT zU?R>(f%j1v2b_4c)KiOxb>g8^7>o_@*^r;CP!w>vU*=Z#jAFh#BGs9#fe#%O;jg=- zA{)R!G@U7cX!!CdXMG8dPM(rupvtmu5+uY!bPR~)FoP+H{9Nv2PG+@AMr?gZ<4zK4 z^w428NmGlBs$fVQ2$-0lPgDyru!IneA-Wu_t30LXI+$1|MGWM8%>$#wjVR1hi;3$A z;x2t8e$ccVq_}Qnye<{@***l2EpDiRY#r^%a^KS|>;)+(&zFhk!f&u}V)sT)oNkL@ zYmvB>17hqvP6Dae=hKHH!=s+N%jsQE0Vbj`9&k7Huv$y#a}h99#vt!c*EcE2zc3|1ANRd+!p?URm62bHuG~$ zkG05WOc>*&xqQVuXen)yMsE<+@XUeWhdsn>0-~IVFuBnmk6SbA zxcZ!}(DTQ7^&uN}vANY(&3)ZV?@cGR6+Dot;1Dj*xsoFKt}rnUkAY=b9!2j_MRQ_^(a z5U77%t?t|v-jWp2KS%$2F=Y;Mi4EbFZVUb4jH}8La#HW52EY(umm{n?jt#g*UU#;I zljP$?P~$&SyDG&hL~mJ@%7x)nq(lWFc_+2AA9YxFc7)g0jf2%bx+=c~J9YIXq36$MiRX)5t%bK0G#%-BeHaDi?(3K6@ ztmVOGuc1&u-L=wp<&iSz!3RTx0(lx|cR1mYaW9Z-PjLjdN_s4Ddu(cgih?9{=aO(T zQYlI&xzk8pi9;7KZ68Cdx^p0$kdZ|yu(<_MvoD-JFsjJDky^HI+tM%8(Q2HR;!5@J z+6KNR$yk@YuR9lq_dLXIeEy>DjE0ktY&Spj0^O{1@pb3?@b;K72#XT<;{lzE!fQ)z z1qFErK$eZ>)*GYJNZ+14b!Rx7LnC8X=wDvTKwdX*G5l?#k?!cjVHFraaIMsx{o(xt zmYW=O+uQ)i9eXcmNVloLG(i6lXYTB0!9?A;tYH&PvW@|p%k!CS&E0TYf+KJ zu5~$fA+}vGZ_HnoaJG0Pp#DgQ*vF+1dlhlWZWZ(D3)E`fNH*A@y`XM~SC<31@xWK- zpqdsD17N>N!GfjrH@CJem6|t)04ceqQvevBs3CU)d3psB)YXQQ6cvO8SgQ9_V5Zj9 z#xRyn{$pD&%Nckil+N&s2E2RVCIv+A#GJts<+rg{6joYIUur!?wekkl?z{s|7HxjS zsMLH`%*KrnrX()MRBC6Y28pvwVPNYeyZI<}~5+Sp)8&26pPRi#%-{L>IoLm+YM z*30WhA^GXPXm=gtA{X*pCQqTKvi04^IxGA)bMSs0te{pgQ+k~Lq0N(U@Jzhn>r#W4 zpLfr4_qL1MbPog4TIr)jGKVs3Wf|EJF9C~cnBT?w%Y3!i&YJq}sapH^Dl1g*vsI}M z;q4iWPJQ>eHD@W`^ny8mn8&eg{qU0LV$Xfp=MC>X!RvjTB}l?Mvp_ER>H}uvH#l9G z;=%1#09f>m+hbu*jx(RWx&ix%=%NB_p~Bod>;=ZH0)_nMGj$H4NHpS&b$)5cZORX=%yG4cDJ*=)Ns3!Vj@VvUff=IOB72g>x+HPyz+2X zsk>g(h4&jWm}Z3ml(MbrFeL!F>Rw#JKuTE8L#fLyc=p5Ru64Sg0$WQtg6sGwG~8qe zIcV?QMPln=#mW!U#ULm;CkJ^J*r5a4YGJ3Pvz+b$vEe0vGA4FmD>1G)4MF#psP9&Z zS2^L8So+FoZmJXYCZRK5Y_SLZ!aFKC+nGm6ro}s6HD?yCQbBK+DjT4FgAulK%lGfQ z^^FTxp5qt>wT!^BrLS#8)We7!f8|rHNu@G!tH1C_{E!o;2dw(~Teropjvk9uPhEI- z{BV*^Gg$qnJ^bbP%_AKFd(hWO3Xc!1U4@@@m+VZ6?&U;5));x|u&X;!~~?384Q z9!6&0E4RcKB1Q$Q`t$DF;CP}VZ+Or|JkID`^}o-L&jwCoSoPuCUeoRrC~N58?jNE}C^(Pdpb`m49JvuhHTZvE*C zTeS|sIDg%`Cle8rM$Ccp4S#*GQEp6~tc&@JdQY9ei_9wH^gjnLYP8g@5{V)#P35gC z{^7KKahfsww%@(RxlqM6uP2j|6YR=6BIU~n{m8!4G0*+-2`44>ra4b_B_P#DH+e8c zzv;XSpJ=2H*_nXu1uVrg{w~_~&Xz4E_k8%CsuWfNUxSqip{n(Y$JH4fWHT=nCPd1utdf_^7v4YXL z`?qJdYi*r1aNmosX!(vAM*04W?r;6tIwSqaE$f|j?Y?3y{OaRxZS6KJM)vW$u57_B z9Y*V^|9yI+FezlM*tg?Ht`k$D|2h5ky-sU3j4^r(rhl(d&>q5M!v$?dc*Rw}Xp~+I zAsn#jfRS5so_Ws49KIILZan9UedI+`r%b_Lw{3sH=wmep4*7#!i@0YQ z&*RIjcjofHwG&eutRhzuI1cPzo8B%evO%b}xt$j~F|Zi!$6)2|;N><1mh-R6vpVnNbv6ao(I*nD)}6f8dQUB`{$80) z>V@1htMUG3Yd}Vg)%XCfacW>2(s%S?9*I@?V6%-tHjUNzP{T%)j$j^{Rk^ESBMM)T zbz(LCyI~_r4NM=gDj()m&@AA8+%klKl`86130CzZ&GHA+bXMb|=8b)<*~TEp!W#Q{ z!y1ajUDNqQvo&1P`DC*-T%~@B*9bN?g)3-OV;4P3In7 z#lUnv+bn;s>3q(-vClW#m}@#;;5AMQ92AO@((sBCyug}9i*q(cl^)o!W&7S8c%br8 z@5(eP3kzn?RHhF?y~)~?=d{;l`SDt^N2dYuBuORX#4m0^{B$}4F|qgKLb zf^V2-wH`>o=7YSh7v{wrP~el8RSx)I{vlr58v%*hz6mp9_Gf|2hE#Fq*sSi)d0p@D z5OoEU%C1aS?O|T+Y>yfnRP#0a3tr!=6;WTG7_(L%;k8zKS{3s&X=YA$U;))&kCI<< zV&1YMv{%c9gf7ZJRhsr1ry!>UMM_z3KSWts;3)YOXL6mVL*9_V4V#=(!b_?BIZA#V zNLJ~PTHI-FY&&Z_tt-UT4*e!j>O%3JX1&r8MO0$H4eW*(VVcoC%8M^|zc!JFk5j;& z#KH*sDuuVj0K4)E7`mu}h~&&!z(k?kS>X|mr=Ly8&GB-k%fe~SK)hsv3=UH&m1 zl1w|ecD5x_qcH52uqFnMAo|=ytZ~N(7N*B5b*F6u#A%5rG}sd%N*iSY!ODC%*&om9 z&EyYf#wzujVf6@yc=+-M2w$9Od~Hd_G4MjnY&^y)TdctmnfOM`bauSz?yH@d z>{Kf}Z>d(HNzUu)SsKVHTjPl3ni_Wh4n%E#!Y8$3qO zE*y?{gCOJo3^gsTje2mcJf7~bAM(prC-uugW?D-<-IO;!K$i0e? zK}_(4Hu??@eW8Ue^wGC<@TAyEs(`1`!Xaz41gr+~FILVjXAbiNAmRM0S=k(XX%fzi zhC`&uPeD1(v@75QI9yL$%m!A9n`jE(FT0_RpS^Tu(9@Nxb@C9@s0?PDIm&6&XcSXz zdcZUsB8^AN0~_!r&vbS|7W``#d=*Fjz@wDm9V9GMb7odEaKtixq>b}k8>B0f{w{+T;K9)=4r{Y$twOMJZ2*T)&NK7C;MW9X z2t8tWRzenV#XEupzZft}>EYqo33gERzFRx9= z3vO$O;KeTve2GLA$A2Yc0ryEnu&~M}4mlgu@caD~d$&O3`q%@cJi-hdpo|g!A{C2Fc}D z1Si69)HG|*E0XHydR{`da1&PqTWh(h!r1Z;v0OryaD!L`OB*9t8gRE0cyw4x$Qf=v zi{NYp=S*6Wc)e5A+Dj8Mg1g!x7!k3$hY|jIsLIOC30cAIawe?s_W)H^UZ0Q^+=myz z%E`KVBGMi2Ovn`O@rz(eBw!R(`8NJ}toW{k9O3@K2#!RGO5q4zNflcP;4F4kZTBSP z2lpmM@FS*LUVivdnJO>eOvnrFdyL>k_)$ME0b}d_gxuhsN<(e}hS#qXa)bLdBe?0& zhnIVtVZhOAs^F!*a()-X^v(8rdbc0rzK<)SFj@348}LM zA=kspGZONG%ViO~1Y^G(B_4iuB;*Iz=OXx78l*xG69WmEz}>hJOq?p2P!^9<+x%N} zJ$$7T^7WHwzPf|?lG}eh4CNCtgu93%1f|3>s-Tpu#U75v5^{t)lp{D2a|J+sl_NRf zoZ^1vLG?#BCgcqFKR3x4-#6mMS7N{MK=3T)mV}()-s%X>MAk`g=G$=XQQ?~svV;4! zBiIq6FN7U;SG9+)_a@{E_k>6AC1%EgFQGVP&#i~0k0xXZ_nSwsbQ%YQ1}p`O>kA2a z!@cYgya{X&yy+X1H^zZ5(u!dpF7knJ3yEu%|#d#3Zdt}m^kP+Ot6v4s5uvL+xHv=T z3JWfb5W2d7YY~JlDBwB(p~-yA!_%F51oPnZtzm+xXF~JGnDHevZHpOJLer#};v_Ur zi5W&h(}bAdBQ#5gSv5jaW0=h%G$n<3Btnxxn8hJ96@wWRLen6ay&yCNftdnAr~5c5 zCv;|wvtL4|usEqCbY_V2HoAR~;H-)66eKubp?miUP8tY}{4q=?G}gxWn9v{><5EI{ zON;{v4dyWJA~blykcZH?1%nJiBL(#BggR*Sq=dRd^k9U!A^aEh2#D+Sg(iaNN;gjv zL^(pC3IT^u)WGphHxLsXaCEyLL8GrZ)8GT-aw8wxj5l|%md{&ofHr*Y!rj8>+W<#* z?ajs#^qb8g#Wpw#__6A6=s4dRxCp)y3!hKNPuQ06`!}UrNM**%Z1<$_uwryCp4hXX z?;B)W--e*K@wVdOyEW`1^>9%54B(hnyBu?1)#zX@n65QC^-r)gWEe-~SleAL_q6`6hh zhW0MbZt5nL;Vkvz0cBqUgkQ#Iph-Y@I5uU@oE&-&nUcVv#{|sGClLVLlY|Sg<2|(rcr=I z#2$}VL+@GHVB(dgl9VtpPDxAxm{=Sk*Z0Mis|FPBjV-QVpwLv~tn~v$KxZ_l zcvpOOnuLnC$EK`7#am5DNT^_@l?W(4k|W$EK`}{$W!Ra`ZFfNi_O*CgB1`KV38H z+~^kz-~#lu*Uj#P{Vl zWyoZr#}G6C_*#4hngoC^$EK_Sz!ywONC05wlL!Fbk%S8X0J>D(IRNkn|NfV87td|Y z_{VNVjsFGER=nVr+khPZ^C*c)F#f0d1$lOCL2ASQ%-He?9{!pxboYsy z{54(Z?jO0=M*m~++i!C8KN_2|Hu`^UNrzx^gh|H9amwb4J{l!P4p%y<%w{@uEvR5T(3Ikw z=#L6K-Ozxc8lRCSf#K@dlr>-|n39mdz|1KTFkF^|3jhZCK5XZJ!5P?bf*<~ zfZdA1gS$*cC-L9|l*A;!gQEw* z93&7dr6eW;5coF?Ul3c68W5ZtTRy=+py|R{?T-h17NKFnIq_L(5);mfOpRN=*1JB{3N=!7s@FjV(wG6P}7KpI}VTbkPtK0=F6dH9jj%V#1$e zQ`RuyaZ?f!6PO((!i4*hZ~>S=Psr*VCWyl{1Lh9eKDi4Qv<4Kgi&3C(9<-Hk^6+#@ zViJIYzT+?*Tap?oJU_O8f>A+JhI3Mb*+cN=!{^55rAb)0GB#xm7WSEvkg&ikDG@B3 zorDX31$tcGKMxj^Q|Yz0XZ{1a){0mGyBGxv|86Qq87sV&l9&vzph@!6u_dX&!Y5)2 zC>RzrW$3Wrw+YURJb~(?@p)+y7XCXnWepZSXi7rD0<)wjqP*@El;ssN|prGkOpF#L6 zLc@d;;Gjai#Ku^)_947c@5Q+t8TWwze0&WE; zU>Bo6;ee?!B`EwqN@5a#g1%|_rLiTcp~8z}3n&;BG-Wgl6@vFKUmKs7CShSLHf0SK z4w;gWu)r)S5iC4A2^Rnh^hoW_!GgiZSU&?jYy~=CPovP`lcv&?=YZtW!Bd~{27;zG`6)$Y&<{&ZRL`q^3V1%~8d3$U@YS^$P zwtRxILDNOUX+_{(=V!)erAbUUKQ?6z6P{s8LSh25qePgnG6@%e3H0+Dox=q2y=k#9 zp?C++?pF1)XfJ~J6DrzYXz^|2{yaPc}*5-wcadd!q#rr>{snOGv+xF!iZfE)B>|qpKJZLIK2^T-1Bqjk|XuG0kERHKk4JD=miFmPAFiL2;Xc$Wb zZjhc5pOq%T;eSkxKz^3tNmCLoI1pw>i7??uNw@$^pr7sP944&fpXU*=gxn76`E1*c z*k&ATgV?($JlGoB$oPO%b|>& z&kW|R?rc6&saO?{ao^N7Wh`Eo5iR$KmbHlM<)(s@_I^DRTqtZjAC^CynehF&YT2^F zJ~8$?_)6k+^$p}PxE`pJ$Jymi?D7P={FPpud3GV2uMJtlb{=GTpuWL5kj~Vq#Y$~- zG*ceyRez+JJ*F$Q!O`MS4JrgZ?hVBu`l3cV>EjmPcGAb~g3eW{NP+}lE+4w_$Z}>{ z1%M!?jy`fbSj3I>K5_@YzK>t;q*u$CHJUjxWRr*!UnN5h}*k z#{wxe78r291>e0NKF(XNX5dqoW1(@uj3sT7t<&p?3#4j$YLczSF~U^f&1hsxT}&}0 zA;;AJFm-l1M%dUk#WWQotTz>$l>ItNB6J*(H-lgUKQovpE*NgH-;;)$^5n4`t9=cr z$04=ckt-ddn;u&pi6{-=oW7kMpc@$4*#TVOXeWK#sppTR`e58(By}0T_VerI{5rs| z`}p+=dNq!)$R}VNl25{)KJqF0_fd$s$;Cj`2z+Hg!vG*rK*PY-fQ00Nxnlzo(gpkk z#9}N92&=x-*|171*Obau1>$Ks15XWDc{?*`!&jfjw%hn^?om&S^$JjTD`G6{YE+DM zlc{M*-|})wBHXuxdFz&c4R>*bT;CI0u6%YPzm5CO*y0LKg=wmhi#Ab~qNNbt7N4gk z^RjP=O_?(%hwGb6Nl4IO_LT@Uu1~@RfX0_Q3mR*AJ|xT({F^_11Kn!{U|=_+0OOaY zqLhH~FeNbw0HaF*48Kh0FO4fx4J_sWiFmFm7%VikK%Tb=3(JbkNk{tQ6>=+k*xMUy9E~lVI@q*pxLexW|-)1OsM8iNN5kNw@$o_*!Sd zK%A@ZQU10}Et?zjz(Lot*1!RFFA5IkLR;|yXl@G<4rWmjlK>88?d%Vb<{7c2sR2Sy zY#{{$f~F98sD6-5XppceJ|9g&!l|(-YmjiVDG3P)%#sp8!t^9u03>{U5d40BQb9Y-wtc@aot?3WfwtAt8{!d!a$XE93Lg zBqWT-rmR824W=X{Brr=#1PQ}QxBy7_MrR@6WPQr8t5U2M3wCxOIM?t^=wK_r0XrH6 z4qr1BrUZvCQxcN^92Q5&_3_wp)nMZHvBeb(6PjwAQv#+E0sYYcHv`*2foVZ;+koVmO;Xo0l% zm2h@(8YM9a&|*O&q3(+@+1I zae~=ZBAnQegbToldpnC0C+RpbQc7(ZtW?XHY;|Y92POU$`qqk=0{a++5;vR5QN|Pw zB{2z5Vor!WKNwq{8bI6`TTHrmVrkJ4{JPcwh#V z2p%SqZ~^e}tQ1Y zslmcxAQ3Od3Wfzu9rD{=fhM6r!h-mWGzkgwVpG;2VYVp=2?@-Q5<$YRP0bm(07$s6 zvydQOX!q+sAj^IQ$hQ@sfIW-?h09HKDM6u+l9&Xb5WHq_D7G{;Sg6DnQZOuN3XyNM zhnR&145j$2Gzko&u_)k zDN10tgOZpWzz`tK@5Pp;1`OYhEu>&z&=e953}K5G_r_@Gh&NXLyV`zmR2xgXqs_S!HI`Zd*Q6f)3i3nXRS#D>5WZU zLy*%=Nk{}?R+b1s<|p9-5ahd^MUYe=g5>Rk@IqIvSR6{>?#VswPY;9~hOV|E*1#@D zK}gk9tP(=5rX(f-gmg8K>FZ+4RKt(g#1>UBerRfem+oU)iv}RK#OJL^067|)vIZcp zG9@7agxOdk04XHl0s!QDodu9HqD+EiFG3*X`_S1|KnQj^3PQePDp(02-=ZWY0fa1U zDAgxpOH~7rzr+?+FojU;=eJ4l8Hi0;1E0%GNl5TvwwMTf&Pc)q zfX@#)3qI#G2R;n}=ii{qt%zi>>rsGno2htZBvYp(CIR3qXG5@|Y(E}bwi?KMB(}(c zK}J)L^YkV`M(d#lEO*7{u}NV0Ky1nyu)NQdgaj65bBTcEUy^VE!1BY+0!#2F50-E9 zq*9)OezgKUuzykL@mEtBO7!?MB@v1qtv`gYi)FCcfyBPObH^XwCfPX))-hF8=;6a7 zCHLPGf}UI9*RYRK ze(h#co053oP!b*VYl~(2BG9+p*)I7xOV&x1h5NVLlgsqorX=JDc?VNV*s*)YCqzg1 zw{N#i_)Yn@drbu=?fL6Wa2@q;8=QA_%)v<$4t8?#c`9U@>D)DWnQfTtblyA}8TYMh zI&YnfOls>3{xfp_2Ezu=$bFJupW@fQ(`&2G!u<_UHJU@nD1?pkL{SLCSOXH03+6oy zNJylgNFob}g?`-GSZHZb;?NTS^`6k000=u46#$(MZ5bJobQl{c34;L0*axo}aNn}; z-r28yNuawwlRcOju{`qZYnMFXwM{ue>KQ4i9}nm$aZa?9-R|TfzqGN)Lud5{hYizj zJIxuehOM#%uPb{$8&qhUWaolp-6k~=9!xI6oGA$jJeDa534ctHiQsPsoN7tMXQBqYoTNz-pW>3T}kIYv{b7 zUA@@Z&(=KZ?QDVtbJ}MP?goRv5bhp+{VczJj$T_G!hH~^8hKuc9?XI#C3?)_j@auj zeg=JR4`|F@$NgC&mvYHNAe#B~k( zc!>PKXunm+$y0kKhIROg*f#0~If&QY# za(#Ymx$@9memms3vBedT?-aH!_EGXv&+wX$8OSmPOgo}IuAmF)ITj|W~7 zpSvcteO+wI+!Q4|Ut>x_ItgZTiJU}#axNICCF0`DBwT>2`blS9Rd=wf+P-Z|kdL|- zI@byxg`M<_k=y|d-@a}tNa>@#LP<;pA2laLpnr@lP|Z0#7F$li&PmgWvnIqjDSgqj z_Go-=n#8GJ8!EHqUTK-^zYEwtceH9%+;O6*^>`o=FGOort?su(Ag!XhqkwMde(1RP zY&EIhrLie)F z;(vL3cAA8$>kZY}a#yrm(Po%0`e1U!-Wgw#fm0)0v8RQE7(xBgozd;_`D#+b?~YAb zb4KqlB_Z7av$I5Q;6=%~VBnRAi*yn$z!^QzS!X0Z&gTn|vczgB=A2doiB`nZnsS_tAsD9j zN=L90;&as`f~|;6Swpa8rX(bSF&j&S9Z#5AI&uNn@!&rPJ1XpqeD@&iJ;f2bQVsps z#tT5!t-ucKZ4`DKFx9KXj{iqVOakmUUTh(Vknc-l%U45?7snP`aCob!NPgY338Ud` z$uRfY_-r)^A!D&AYY=kCl!Sy3W@?Eb};tOglxjxDcX$k24-tn-H%LA}w?;*Ih7X%a17ADgm<7OyiU zA<=>vS0c2yCJ7gS77uq8El!I@i(rTNbLeL)U<3Ob1se~V%2dL}Pbi5=02?O;476Yg z&*+XTVGTc~0*QEWS}=ZSN^(wb0zYK8G$5H0pRp!^ zxBwveMQ4FTtniBv^a^XVWI;xwRu250=#JRN9c-D{%P9ER8r#^oy-N7Fh?1BD@Ub{T zt|PJKs)5E(Y;iTI8oAEjz(_Qx$i!!-NvOCgHf7G7go@{xl8{irOe+yoT#$qdfQm;t z3l&{F<`}dK1^;)3-v(W2MOcAdio%7rn2Jr}!kZ|GP+VyJ338jZGNEeW^KWr*EY5xx~!FBkB@sY_vT zwm4GGjPl`Acecf*v8z(777LywUgzxCRJLxtyzV?LcC{USy9Ts36z8vDZzy*0>jHjV zNUyDaWAPuR<|2I^GnYiZjtx}<5|WEI(T*69kbv=qB(eaH`%7?7pqCD=!&{n+ps1}J|NJ)gsuJs;wBY0XAnmEU$yIKV2o2kIWrhBhV zBiW#p+rf5;6}A&_HH!0Gda6b6y_BP#Q7=bYG@VYaf#;i&ki+M>Oo^TLw>Pv+Cr$a= zmzoMr`r8*X!FAZ*o)zw{m?;W(%MCNNW!sLr6T8+9qgwC^LA{Y54(1SdAlID>;&$xv zTBcC7^VXhXrBZj!k6XRpE(~V!c~-kY>=4ZJjy@v+?Kcuo|E_KQ20Falh{e7=d$i!@ zU0~{X^vS#V^*#LhUVgouU+>`8_wnnU{Q7=={Q$pykX~CI6ulm(8hJDsj<7MEC>&`Q zo(3P8@&o8|TOtOh(UB?NHI=kP&-*Be(Ac3(N2ctELWzI_Q3R06X>{F5LPs94q>Z!x z1)<)2nATb_J`6}mE?C@YKte`6=OvK^Od5XG*-66^o~A36tqN>5 z(l;lbv9>ihfc=V^IrKnVMmQ@+|0YTzbo94==CJHayHbOVo$P!VF@Nx+Z$uCw6&)UH(che6}y07Bh}SPKymp0}_%82D}C&Bs`p& zL>AyWf8ANvxrniSloL;ZETMCrZ_d1FO{=8X+r>1=q$ z@|<;TvR|k18Ot-F-Go8lG*c21i;giRArX-&G7%y^$ZVn00n@o{Q+-nb(>bQHmuPkt zB@v2dZAt<(h(;ukh;T{XNd+xBUJ@SJ$eIDPuEY-x!|Uz)*t@HB=R!k5;>hKTjO&XN zmCY%H9GH9+Xct4XG{3%pUo-qVNUyC9)%t;|5im(eU}iZfAz>pwIJtYcSnl4LsZ}aq zM%~~I;q3iNcd=BpNBJDrGq=4SgwmEM2UfuN$;#}5hMc1w&QXttBW(rjMW(uv5b{Dw zqO%avXstqydOSc~i#_2xdGO`CnUKRN+pq)W01S_}K@VF0IlR}JidGH-CfXJZ0|OG0 z3l{MjkdRTr-KOClase}z-%S0d>=58PGd%$Had&Iy%MK9-CUgYc+MJL7FmzsQ@zaHI_!321DotY}a=# zj@>!mE6NR%n<0$&NXSn4lbaWU`CtV7On$wHUoYm@E&RHbURxbW_X1TT`InD{FHME~pJ+Tr6K)azA3Gu3+}GOMvh}_l$UF zO01;?d_Qeda-p8uSg389CY|7k{dvU1-%_eOflqlrUw769)rH)ja%6T03BH}M?sNx{ zP#xRWHfL+5!e1Tq;MZYjuN5J*hF`D%I|xno(6<%!y<$~UX-h1-nu)5T`<1-8^K@pg zQY~k))ikby@ppGbav~s#@#oH84?Spo?)=rJqLqfsMB4&GHXtFnV9v^bgbcu@GaG5; z%!=-3z%wc^7U=Hj-Vf`b}^%;UNctgDk>rdV{4}aD+`7T~p#g==D!#%Krp0%va zK^{mh(fdtFNL&9QQ%cKieb!}%tnwk-I_xp&8SC3+(zDkUMT458r$VbnPFmXT6iUJ% z1U9wZW&2A*nX1)YEObM^DmGltOr7Ns=K8h?bNRX&ZM~;h=;5vRoY`}hjtc9NOSapT zgtXyROgUjT+)@>6_NZW2hgGmySHUHw@{`8B&6LDHM+IkkRFLnm3eMD3V4KQMs$kfZ zgkJ>)fsc%x7|I!tkX*FOpUm4;s8r$IRsA)fe{Y)s%wK1#jcR`7wWdmwdcT#D2=yzW zQ#w;jn>S!xU9-#9s1^-j*3&)yF& zP}`)vU>$g4wOLK*KQ)z@6#9=%N%)0s;5w!EWk6*>LUK`|9SIH0%-u(LWTv@~MH|`| zE{8{E!S16Acu5#8&!r>`e6^|jIKB^Zx1|i6Za^no-O3!y6a1XnHaWwFI}ZzL6s$X$ zRB{=gW=cX@{syL|Ry&#H{n3iJqHT&e4qjIicF4M<2XSb%OoLUIu?5i&)G`JSVJJb-X>+w8E*dnAyK0gkEdNb{R8CDF9VjlJKj z9Y->wrM&M9?)SG%+_TqNqCqX%xx-XUQqu3CBn&*7u>iZa;Th)ku$|Qx0lw8XF)mm~ zHzUbrHDP`uxiG(KDoj%VIJLi6srKZGSx<@#U$AZ<r4OF#kW4prV(;=sYXFUT?zSEwYQrBW& zEMY9Yz?4MW)zu^1YJ7z~qiqUHxo+1`WluAew{#YpO-cAwW)Mutc#NT}0SU>)ml}_A zW8b!ByH&NaRov#YL0MFSt!tMJ5_nMA=n2wB+GZ`?>xKj;xOa`OZsAV0B4b1k+lEY) zEA1mgNf-nZrv7hjsQ+^n;Su;vZ4>yqaM$N*LYMi=lgs>iQxbACyojl-)n0FXL$4RC zpm()RL8mr$cny^Fc2fz&T5^Yz~h6rC5tfsHEO-&o4+*|`iec4pXQc+(pCE-_; zfqRl3j^U^Q3CTsfJlrYjmUp{=Te1VTPIy4~?`<=d_3PA)?{-0Tb!w(mn{E8fRL#;- zo}eT;=<7}i^mT{rYEFF(!6W$-H??c}us+z`AvfyF2)f5x2`nX?I4n0MAxFm&N+NV= z#55d%kNogCm4BYsP)!%LO-=ZbpO9Hzw5l#Jm9rcq=bDo6tI7ZiC7iOMYCuAA(JnY$ z5q3naXB-#WW*{p=kE7Lx?m<&!N_)sr5*-B1HG!bHK`!KYCuFZ~o1nXc0aGsN=<2=WCS(3Quls*yKOq!2-{;_hI%ZQp&noePSI8w(!#xaO{FXq z^>tGcZCBK(p+N_(1IWD^9*^>uw&`g@c*p_#DCeE)@|7=5|Rscz<~h?4NJDo%~{I-tER$}BjQU;cwvWwL?4G0 zJqn$9b|IUu4OzqR1zkLceuHzR=ddaDN7@TEY3#i?q{sUxC6`IlC99ChSI6qkew9|Q z`XdHmnIi8ObT3m$nbO6N54#lmT0wF9wk?97|2*G6fnxD|u0QkZ6a4xYdNn_f>pvF* z9)A-4^pQ`|zx2~qzW}Ogco}UK+?WU4VazO1I>)9-_>sVXgye#G2m=z5iTBaYn~wnvm(3!zlCY*}fJpjd7L zL7@VQlG|}8-hqGKhkx#bKNb}=KI~fpw=Tm!{rKl{{4;=m_Tir^;EzR6Fc7T`9zSJD zhKdI({tbSSC-Kiy_~-BN$08^+e0cW>aO)oY^I81!Is7y0MEEls{#XRXfyL&-CvQm? z{#k&37Q!Ek3JD+L7ryD|y$OEXo8X7N34Ya^;3vHae$SiW$Gi!C$(!J3ya|58o8SkF z>DP)aDrcmGA7rFoVJ8#G;D9VtC{^J@1_0 zVdn%-IwyF{Il(i|Evhjrh9@1;V-5+PaY*ohLxQIp5B ztyOatQqPyJ7QqP(*6jQcRU@kJW~hVeJWBN_f1yIBJvm7iu{GPg1^vqj#8tMztDQ* zFEk_h3++k%Lc@~3(6I0q8ro56Ve%K6n*4<}Cx4;M;V&GhN2&42UucE$7n-B|g?1@_ zp@GU@XsPlSnymbVwkv<35zAj_&GHwTwfu!&usK2I6Uwf;@D9-PUJ5fF!C3U9Qg}}ko<*XN&dpIguf6C zkJ3RUf8pqozi^nzUpU_6FC2LC7mh&r3r8US!WrdJIuzwE9Fy`F4o>%1&6z)vFAl;O zrGQ(h-&}VVF(kHzJa^{|6-VI!K{zEWgTvT4CQC1K%f(_fT^So4EavOvrO>)FV;}o< zOMN4L1QdEb4Z9)9oQ}{P2&tLl*3TFSA|uea_6G zVzvP9l|fKPBQIxxT^X>{G84}1bT$Y0Qnm^ZXFK!L8CVk8Chyb+ota`kA$*neCBWtG zDK%$yHkT=kz~{cJv@0|DPx#>$nU%Hqr@*lztRmFoH>v-cFMa{a4db1fGc{W((VoBL zbU?!!pgD3q{L3p4as%AzBRAq-XEyEpW#!9CAb_r_1#fP^acp#jse-Z+cea#A;5Qkk zRVV0Q7LL9G{yjln34g(}y^3BSbAq4EReCcW^k*GmoKYFb&tzfuFxEN%s+~~*HRY|k zvuf+s%eyzw7ZSQ*4~_Ty-i>uxvdIoOD|_UH=AQqc-r6O<2=O3C{J} zq7{r*-Bwm@*|tL`%TKFOB+Kulptzue;jW~!BOVxv2zA+*=Q>qENIG1thu7b~ZH=^h7 zDSqvnk5`-wxpdZFUdt4!khX|o@C0uCfIyf(}m5Tsj*XjUOdN z0z+w)k4Kq5QAZWd`y};7qpE4@%2>ncq@>=+u$!i?SUb*AUFsVfjvFue)#0L1N7JW0 z^cx~Y3X)Z2_)aDy4MFsN`tl(lywohtt6ly#G#ag5@_x-Kd3}CfJ^@jWr&83L~k>v_>`dZLLnwb0j3+=);2U6@7`7#$Vx#0%wo9I&s0Zqlbu-~ z-Wipe=nbYz-1as!!iJ`MqaX&(FoC)=t(39Lb!W|Jaj2HJ&KGfv04)g!@WlXDrpMO} zr3lAMoP{FiOM4)`38O4k8A@3x!YO06$dw5!q~vY-Y53~cb~}TCkFE*ziv}?2gbvi( zDV>hc0j8zg_Ii|ZfySj0g|^mmL8-UZwiMgKyqDX~*-ASDE@VV@ZDT}pl9cEjrrF$9 z*RfAI>&-|lK%Z9dM&!*D{{%GG5a#S$ny2jSXCG&dpelU1hbsT9GpCD5K$R~0Y_tho z{=sQZ7qf~k-CjLHjcDOyT^>3OA#Y4wx^12A`v!MJLn4+|MC2nNTEWby+sY>K6@#4t z(V0SPqy)+pa{|wO_v4H^-FOX?u5JtKqwNO1ItEeW&EF7;=Kk7EyPy=1plE?D_S`h{jv2WcsglfYMRU)bZ6MpkGY zlihCX=i(Tl~e(t_%F?|_wwKa;X==KDkxCY_!xrNnB#M?Q|@#b$s@WXQc z++VNrMFK%)2)@l53j`M82#Yyl>@AH3PHjkCS{ZoiMlC1>c`ITyg0^yEqgDWk8juz; z!L=aZnkQ*CYwN#(V@lc90VC;DsTJixN+ZRZT9;Y5>%=g8n&YN|;BYB`fn92`Vghqu9`5ia1(5Z-4akFa+OZH04 zC`4lc)kQnFChfL!PC!AIvqrr;joW8~23UE>`#IO_X>9s{GxY~!U zP`qF6!+V}^t~<-TNH6YlpMfiXp)~jmSfe5Ca~ik~=hEPg#hpc~GrziXyq6izLrx9X z>Rf6oeZ7)S7Up4ITFN6%30LS`N`Cop@oIe&_c;yRrT{efpg%-BF-~y7VVvM{!8pNG|2V-!{RF`z z`vk$1_&C9Y_Bg@h^EkoO@i@U0?>NC!>^Q-c={Ui}<~YIh<2b=I;RL~C-UPuU+c?2w z*f_xy)i~X(FhRE-Ob|@aOb|?)Ob|?JOb|>mj1x=?j1!#1j}x47j}x2>j}x4%juV_v zjuV{xjT4-tjT4+qjT4;Ij1!z%j1vs*#|ehc<8%|k1l@cvPPYVxZ==diH z`pF6Ew#Es%k#T}xKTZ&U#|gsYI6+8;P4#8p(4b~CqS|Yg@vTI5$@-6s1POFHu7Ey(+81nMCS&ZDNwIcF5 zY8AH9=&wh9;IVv9(lm!MR*QDEFcTRxxs-$KB94R zwolGFfs}r$?x#r}aXIoYDB&_CFOH*@d_rSE^g&O);%W?Ck>Lbz(2`#%1eoIeP2wsG zuYnLjKBLrN*43a%sGL#=AVQEw6#`yc6Fk$k3*III68W4`g|#WZ{w}IW=S5dO*zyM_ zfha`&rjQ8kC@%Q$8i;@7OG=H%jzZ;>LI6RK{6QfQ+)<3tMVpAWAowCrHd9j> z+%6uFIVsVmm|g~OtKxz?sLA5cs*0(o*y#cvIo7S}@2OHXXjqfu-I{)Wm70NLldN^C zHn{}L&BGm0WRpvw0oy?XgKTzdiq$$HW`*sB)=bWGNi=9Y$SBEHx8_RUxRMqr#saRP zlI3X1Ggw&9LpFa+$+oD8E2QLjs7XfL_C#mZd7-*o$d@<;35>MKYHZvSE}qM|j-b*E zVNw9z7&?ooR~S`Aj~M%twHjY%M(_m`RGxwelA6np$RvgFGvMZY1?ec1zP7TYP<(HWh0j;R2sC;SIc-!oC=c7O3lXYv&zuEmkLf6 z$+HwHto`OzWjQA}9VO=|G#DpO=a!*JLXZC&ObJ}F0iXS>u4EVJ=l%jV1+6sv_8nBGUw6@~|sGWlT0?PA*NV zTwaY_&VYy=R-}169J~sdlFPh8R6oIP*0gSlRVZIKW&K8^$YXBDMAR5gM=axd7&@Z& zNO9z`)jn@|4>t#S4c~^7o4J^kThN%`Xb`&S8$7 zybKA=5=Rnnl?zex6(u(m5DSq5T7do_(z;0#)OJ3!q6x)mgUsm_QyVcg77h3ofrTaD z5(0Up#-8xAA+@O|RMyKhYGjeih`@vpQgWS@3m=y=$jur@7yAU}>yJyu&zk!{@aWPf zD_kDM)I{(o)EUr4TxTJ-XzU61(ttv$8LH$Ymni`c4M=L8!}T9>o5tOxKH&v$;*ttt z(|ss}=(a=FyZj395c~!#a&r~q`V{$hjZ3jq5l$f01WnT8a@57U%@2?8U)`(SL@3WFIXf=1hna`J@ z^TjM|i-i}N(^r%;g$g?x6b>*x!WN;gfzr-`bUt&O?77$VTnokEwQQ{6 z)^+AFv+EA0KA}*bQL!@RY!0LVH^WHI-A4;`_h&||dJw-y6^b4v{VY36`sw<8w};7_ z;JxNK_+GVC0hK!!{*85V6ZUbOvIxJBSI#i}dJX=%jXx81;7qSte|zz8Az#c4A>|4q=PWLk?GYPJQ%X}d((u74 zV9S|Zg*UO&{GE4aF1+BKh7@_#I)c{g%pD!8RPhF!UQ&0Cqrc#wx3Qw)J#c41wm3RkER1H#2h$+fvHAp9_3)_p_af-{VBShYb5;RgsjJk< zQ^!IVx`ylueNq`KR5M5FVgpD;&qYS+Pf^%!-e7cg&S)NtiK~HJ%+$Hmn!h)(@1;*fHkDQemvdYlT z0{j=eHxBRKXLCh3+NIA~ByLsmwGn!x72KSitB&T=;94_vvJ7c08HN)C3dJgr!@+3d zn1{v}9xj%LDzM|ToF26cusf>0`-?EbYlCp2ZWU~UO5;Q%&;>WsL+~EJs13b_POhP3 zQ4;p>7_@s040I|N?9&kLL`s9GiiZILD4L8ri`2W7QYLHpiw=Q#R8c5PSka+k4OL?o mfUpJK@2Zu+Osq6gC!msXX953bn(lN#;hzC~!9hoZss9g#Sa2W! literal 0 HcmV?d00001 diff --git a/docs/build/doctrees/index.doctree b/docs/build/doctrees/index.doctree new file mode 100644 index 0000000000000000000000000000000000000000..802a3e6ebaf35c473034ba8b8b68514d4455c7a0 GIT binary patch literal 371554 zcmeFa37lNlRVOS*vSpRGc#UHd`L(>YI^89;UxLW^R#QY*Fn#`@Fvcr~@}R%)Gm zIKXAyLVLyM?&V9%mzB3Zz246iy4`kVsn^9cH0W(_P&YrC_D&4bZ^R2agSaAm{X{>n7WiN!fzok}b`0I~e(!Z=#0B*YL<<0$VXCq{m zH}{sxoBEel8YTaHgj$W8@-;w6`P!$~%QxWvZ^HlIjQ_s{>)(o@2uOwNEv-VOz23h% zK-eqv+~w=bmmTk}7kcHFm2WRklsA`m;QzNDFMG!^>9+pXj$fozZJ2fvA201zx;0;X z>fgM7@u+vgU-q$#q93ktACZR0h%Q@B`R9qg2`%5Tu2=`a?32J0tP3UBA3*bagXaCO z3en2mqc2hz+6I~xR@#MDSs>!{8z3a7%9W0X|Lc~0ujF?Nm6~7j2ti=J5JAh$w)zZC zAS`);kGzPF@}3$=aael|Z5rN^@AWzut=r5smoRd}TlH(Thz;?j*la9UN&ywxUJul0 zQ@ie(=Xbi5dI6Gz8Jcx(sZyYk!e5*1j@RiG%U+=a7U{JC6JR55?&Nc)un-e|%tE7f zyaKNfs-W1ew1{hn0SdL6S2%~o7nW+iSNFT+W(n;Z0KV*3+8&_~ze2w9-l1kYSFd!6 zSWBVdH+vn=KVPV~YJe4km7A+rFfE+A;-BGQ(_Y8-fz(2&?gKNm=4w7*w?{6L;RPlG z%kqM|EI(S_UVb&?YqOSV$k{!?exjA$Wcfk;L;t${5qGtq*$XSscuLzm68nikdYwB+ zq+ZSh%@t_dltzAWx3JW!720Qu&Dz;c%P$HI5Nuploz>r>+V@}l)af_OKL3V2&+C7$ zlQygIbp7sEVGG)~XLjF1gDB9n_S!4gmHzMF6mId**?IAKy??Fv>nyNf>;k9X z{gO?aa`@j;rP07vm&+Xp{=-`crJvN^94n|f-aT_rGEkWzAxVpMDxEIGe;Go4&L@4O zRR|3tw479(tK|w*7%7Sn1kxLYR;%4SuT)=7^ka31Hl(WSexcKALnRi9MJT}H8tGsB z-0XBQU%d`ZBzZ+@N?MB!;Ll{0+K(169$Gr)aGcX*=;r| z#S{KY+wXLsNb|W|hbARto(%ru1wf|2S_q9RUYkoWpw1=YRFA0f3EbsEyo8_fr~G;g zEYJmYLL^LU)afS2nkztXr8vhdHLW(AfuRmyKNfBBx#P_)Z7YSY+ORYbwAU7DohEI# z;GbFrO8}cRm#Q#}Xv+(%BQ*mNyI5$cZI1T6QmI0FAUL+tSg!S8jFH*5TqweH?Bw(& z8xEyRO4>2O4!gkEopPb&2Rm+|bgqEyyA(10z*1tCe9&+CFcuqF40D%8(ZJH9wu)O7 z^jP7N-^G@UO|=CMq=5inr$Re;vDt3>HD&5z8xO3T9wuwo)@Xf@v8BRNrB;EZQ35HH z)sBUsE$~xq!UW0Hd$n%mT%lco6*AC>q$qwah(Oz4A$41MPR*XnK|aLaP69E|MbkM@ z7zClFa;c}RbePM2&Fi*dxa17}*P zo;lWui#|A~yOskXG0=0cfVA|17SK)=WtInq6mVXyELBKNLPgGS!$`N~b2!1MDVAXh z5?g|B#K+2ZB&}!SR`Cs1P@}UF__xy~7VLNddD{L`563uZy5({}WxG=B79*m>(gi$ zCfMZ&Xj)+~C^|K~l|qZu!K#mC4-C3Nt;+#%B&n>FyHH#KOu0s{z66~@TX_I%FeRa& z?L(=DD=DKF7#GYL?inTj95e-ZHfT?nz#iMF)N!W3@hRA~32^ua!bv+hy)4gveGh!R zW+%IaWd_I|DqT%N?v!7wG?p;KF(^oHGW;V~!(X5&NtV6m@ngrlN&F)q{*cCxVS$qi zGxRUwlsWn@Faz;&IH^aIl1iqtpjOQb@TgRvLUzqH8_|aJSg(NH2+Dj;$k}|m4Kd^? zykH71M1-HC#Sk({wS$QCr&cf}`k;m+Jyj<+hT15pO+?3)b`u-LOt;;G?CADrPG;ST zA1sAX0^$~EAHiM^s|S7-=!7=BJVfe{jn(9;BUU;9Q>YyQfORhdGm!4JA6f}+tY{ zV63G)FG5y@`cuk)fstA=Cz>g7VM~?-KQhD%nx*A3@+bUSCEWNAR>&bz_a?<}Uijlq zt+}-SLN6=Wo&*RX3v}VZ@=WzC0oB_BFPj{ImE}rNVRw3?tv1>5>%^-?4=xF8?u@6M z9+;xzuaFBfP&m1hrj{YygEmk$B-_AGuzze+!=zY=FKcU1RL_wPBt>me&N&!Lty*C% zP`ab)+mNZ_X=`$-JfsBnZMj*4SBBUuR980Io`^PB+VQb_qZ5o~l3B72A)+QhSt%6SA#;QJq!(oe|@h4qcvb9+WC}q51kP~L+Y=;RQtda=DG(2Lcl-IGBKfgjGbWHgF=;r>7;D5dZ}X3M@Ho zFXVh>kVwRnjX+Ab2lJ3Lmf9DfWQkR}>fBHMp(aT)c$iKi(eXkKBT0k>A6}#*u?Iq; z&*8=6&2}BboVhpnbFKh)_*(eq6Le?=|H%=&Ga-=&a6k%#X&JExgir9e0akdNgmWGy zIl9BQADX}cDxxuh<0>#gtb^kT9neGUwVRMhWw&>LR5HU<-vMkyBblVv%R5OwLqzq; zHsU3^3yr2X--a7) zUv9^KWEmp-EGQT5t6i35$Lv7ih+#F8P`U0xq zEzs$_;d{rzq4M71!m$(6-k#mF59D)){jL{W_K_k(J1l3<)83In(>vL0tW0~Sa7A*k z0!H$uag2qH)1ei@yvAX3k*+PgLp98RwOGZ2q&Ew2AB+cg@6%Y@xyrP6u+YF>Ne-+$ zz?lz^tw0;Ws!=zfc{PWUGBQouU?bQ8uh8krIcnB|A&$Z6&waBG?!GraJA2=~4|yN^lggHbEBKCC}`Za-v@u2oFVsZQ9 z2(f3+?)&q*XZPH*hd6rAo|rZ1tJg~h{q*4##kT%sUD_>L8*VS?j(02WHd0<~T#hcQ zl~T97{%DSFGv0&SjCbL}q_3}RhTV;b0bVNypd05UsF_$mH@BOsu^%plc5H9#Q$D7_ z>EFH&H}kL^_dNqEU8$RgLVGRz`<2f;rLZ`OYxpb4wF(YAdmh)gV#5B8;iG6$Y{eOx z?lMI8@@K+3tF7Uj>wHo5S^GuRWPgi-qyM7T+B)I~)@HDdbzjB-5C(q&B=}Ts$$p34 zzYMFvi4{>3L6`v|H|U2t9G~mu|J2`#zq)HJL~(4U3Hn#yZ~r_T;>AjL{axzwDpd9Q zH}$sxm%#}b@C0Z?+y{PCks0g9)xcq#NB?RQ&+78)6XoqM*rnH_mjF>e0$zQjd>P~a zMzy7Un(i*Ygu6=`=c7por^f#VjeZc5{gCFwP%t9SJbeIR1P3l&o`oVY>g8E@ z9efd+DoQH4W*qSw&uu}b}j?$Pc-yed={%eTr511l5X_sNKyM#Az zp59%;zj=50q#jjlCe}^?SO28$QoR|vLhm7ACni<(7Wyh;yG&|LmOnpy2dUnKF_N$t zZ6f7gk=sZ04)k;1LCU{b{;l$FA20uxXm`-7AwGJccZceA3JJyrp?;IdP39r&5!L&M z9BP}WUNZ!%;Z9M#GML!DS^SR|ZQ68_?0lHV^5{$Fp)eFoSe;o%TCf|{(=3Z4sY}pB zbjsD&Qo&V#47kuEYKIRFw%V~Ce!3VO5coPmgGyuNpG$Cn-r_IHz{LO=eTDJQP6nbA zOZ6yiFV@|D@N|d`=>@gTs)tf-fyuk;2o~CGbaIFPNk$ZDL(Tj-&R*M{c8Editwj{0 z82Lx~SDVubBd(oDRyQNAF$C8(BkqmpH;NH=W4I#?Eb42*ma8gUn6@1KCPgQi+sKxC zFZBp)xfL~_XpxMtQ(#&l;`}`0@+P1SVpx-Flnf6%g)qG9tV?V8sVD4k|n-qv-9-@8h zzfq51ANwga;P8Fyv%$pneQe^=O`8@j1_aYPyo&+B7XyMRszV=7Lk*ILX`)~GTnq?S z4@~~K1q5sB@}jbgJk=MKNYz($~a^@D_y$^F&C$Nem}*7@Y`TNj-uS;Y-wj$r47M%^QM=?I*%( zw`|(MhE}7f%Sn{91YOq)$K>m4nuK7oS63d=7c>IV9apY>&L)7XR^7MpLpq zHiE^!GcwuP#~9iB{8OB@Kk3?a(9%Co6bf#9#4A=o!sil6=w|1i8-iEcrO(^ZZxlQK zT8?1|UA12mFBPh7g$L8hr{B_9`5&MjftBA>113uqS^2eKV!M_9s>?TRTDUeKQKV`|hS0`JkOrnO_$=kE=>7a) zZ`r87?R>qq4+-_CmdoYp${Q)Yl_Ts8=&RG?16fo$-`;Zea*)rmLYTi zc;AZ~!iWgyZ;xxj4%l_ysMT`3`sZM@cdj3={zdrjzYPEVSK+_^I{f$FsDJzY%j<>n zCBKD?JFosH{I9=drPf?Rs+FzCM@}XK{xgR{Jd_A0s0Rafss0{1!X)b$I{l97G)U}YItfAlvnn~UxOxq9^aVNFDvh$=t{_(#uCJGnJjqizVZ0zU%)V## zFCoVs@}rAa>d)l8qs!h}v*)cMXD1~&Tg3oA{epCltCSZ?C85NFlw8OdI1Yxn(4q<| z)A&s>4Q7Vv6wDgtE@wFM%9lNf7kKxKvI^nj&TTe*uw_o{@O4Rx9dxGOK;s0?^y_1g zBWAp5U`A7^MP7B};h72Y@WiDEs$Pdtl6b-9SNG6Q_|-2BrZAHPeUoYsBnjda53$P% zBWP5mjhn!tgigxI)31G1xq-KgL3-L1GJ#H82GuVC=z*X}4c@;l$}2n*#v^pr3%Yib z_^NAQ(ATh{6Aiu>gNB8UqDmwQ#ZhtxA~6f^*!%J)UgF_I29o;#L4kTG)q_zF1;{O+ zP+jYRAxgZwT0T$1pw5XH=Bx7tdGDUMQYYm%YS8;OD+*`F#HAo!m@n zGj&cyhQN(VuoGyQ@;B(YLNtA&`S;{VnbLHswd!&pEq!xPYt|~%WQ)?Z>1=CyjPD&7 zBSqGmlhFlY3@W2b$e3@qjr5+He2S6%l*0B?Pd~LY)X%I;_l-WupsMW?H#@1?_eOjl zR7ta_+N4};)psiznLVY9*%a+}pr25*LvpdPn!P2wz>LB7SNA3}M*1jMTJ@a@AyDzx zZ4@)H%~7*-mzy7<9>L}2+teI(q?1OX%gwh0uvjlQ`@1z7(~12fBXnd1{qF{rp1cl< z-h3S|{U=i`J$ZXWAVT$dhw*TD3H6A5yutHJwHPyS^;ckY#+_HHXJcARF*0n|GEOOC zw+YdMvr6^L7~j-%)!*OnlU0FM{|s$WZt)>$WRTFZixlGkMsZ^mbd#DX=#-g;nsy3#o8@a*w2`f}8 zn}aGa^4a6Ai8Fzk!!dWI`SfI^zOsw{Oa0?49ewky#!9e@Q1wbmB`Z&!{VPQGV1KaI z*4&KpK!4o+p6@O+B z$Gg(l=T(vQyRy8t#wrJK$uMKanr^|bi`506=p*(JsXrYceVk?M& z$DacM@Cb?L#Mz>=YLzeN(tB~nsN?~o5^3>&KRj~au#okxCxrfT#ZmY9z z*RExi2>IEbuM#8YgR-~zN^_S`Z(RBIm3)-mLbwn+_!CTi%@f|Ebh<+tVx0aVq>>r7 zhB(v|kN#$+e8w_h;{I5D9rf}a-Kt@js0zRU%_IG9{+gni3kDzQUy^fc_wqwvGDjY8 z8_{j%Z7MBfun|Zy-!~eYX|5QxJ2TN+QZtdV(A6d|>g==uylE&KULwO^1&?aRRl>u& zt#%|xm%*bZqgxbL{~P9-t+h6l?DFnH4WYGHP>TEqXDF+_eM2*1Y}44|@K-<&JmCFP4w=mb}CDr6c%U zsMIkIN|n{4wyZT?#jyPJhev@!aP4lj_WJziJkPRI|tA6_W@>sY1eBZs}WCy%`NaJf)^quO8)q1@9W{IrJ|WZWx-q%g%?mADB4C=S6A~W zk%1x>=!PiF!aV|eKi)H)~Wq9W;3hCMeqrM&A=g)^!> z6geiRR0%Vb-wR46t{GQ{vet>R;bW&4Ataau)t^uU z6u`c^*YJa%)}Wo}7eeCmx##sE|02Sv+!zpi;SnCl6kHp3K?x+fN-nPz8Y?~Wp7pmP z5~F}3M+5$nJ4la2J|eorHAO7)m-LTMiM{SXVa->y|Abp1yy6dwPYZvC-pM>t3^}!v zO@&)obu;FVjGIR@oI!7u{rOA=6)JKcp)5vW51vyJ+Fh!U;4o&Qa@3oErwKSwy^moF zjHP{I67f;@a5R?03?yj6BPm~xs@tK@3RU@g!Y@~f2z>HRuEB)tRC=hgd-RE&8?w#V@Q@FCsNdq(-XqwP0LF)mgn4ZA~w;sWop;(3+1(t$8BKAZYk3gU~3{stXK$ zr6vP|KVD5fBs5y;A+>cn-XLt&)mh^hN+tOm5Sp(uy30hh!sBezT;ikd;i$R93<;WR zHCc1*IXgc$_k?LIhPEQCMw_`fSc@=0V+DpB#-hP4P-Q};XAG-xzDKp&VaAen~Zsh1C2cRj7mwZRoj+BzWOS z5NXACWT+K)ZP1Dd7opdlQYD~qPX=D>Vgv1HJr(nXmCv`c(lGQwqViD}o%?kAiRwBJ z0?o6nf5j3m-TdxZFl<+xD1#U@A=$I~A^fF}8zDif|7OE)B32=P=5gisqm!MwPr<)u^Ls(jz#ll%Y|Mne z&&=+Pr*8GrVut>Wu>)!nTfQ>A|A5z{(GyQ^g>f6Tf6r+Y7i!-ai-<8P|FB-#MD@!I zsSD*r&o4UntbT-=dXI|Eza=}5!XkU(S!B=1EV3t&MfQku-p!ZAA5b@_ghUp((P@;C zS!BZbk!u-J7ZwpcuXgUKSwwUmn?+{hS!8x(7MV?Cky*haM|t5Ik0WT2Lr$ZN z%p$X6vdANPX%p2045gf4VT{m9oF)NApMC%-+Sw)wCLc4d3B3iVGWF zWh{40_Is6H(nR&G4517AiJotA?y2c6I;W!h3IFxIO53lK@eR7S#h*@em;EEU8$UAL zf1FpPku(C`Kjk!v8{Oq{$E5pyy`+ii#~DHwx{ID4bMC3>E;^EkLKjtNC435AQf8aEV3sc+>hl4SB2dVX2N=KH*|~wP}_+vo-;B>CC?FY)R1P( zQAc@!8rdW0n?p{cxN%fFx*v!`(wH1|P%jeJFvIM^QKIJ~&OJ3piOvQ`*=^YBIq0|Q zD*i#%Y-kD##x&HQeHdX13*DJ!YrOspG-A0~qU{h{ApMui7PvL+r8zSCn_2Ijj7CkB z5m@hSPNTT6-sO6IWAfO%Ud=@H%?z9ikBOddlsz4{H)+u%?QbD9?W)_A$O#)44WVg2 ztQoV!CwSEwi6gMYk2;Ow!V*dQn_A&`zTHE5krUOAGR!WVB6@yA_H^VFVftQw=0K&< zz*Q9Fdnx!YC;1M0X&P_Ue={+^!hq>@jzG-caT>*in3wDIjVa%U^=c-nzst6g1i%Cbc!PIfsrYGa3S{9<`|mhgFiFr5Ay0XvPO{X z{Z6B}kp3DtY9toM-oV)>v^GGYu)&~N?`&-(&!O3N`;cbL#&2a3X^M})#&2>O#f6P; zBQ{Pz(wJ=hYQ4yb>T?XU3tNkxtFmW$YvaK)$8lGTCm(nqLQXar0tVgHFg{8~anWP9 z*vHn)k<^44<72!?jk6ILpIc- zdu8WjV`lb@2n!QFIdBfMR9ddNDSk}NF}BalEnnsZXk?DSEnjpR#f4j5VnN23oN`Pr zZld~|466&Lh@QXZ+*5Ok=xlI`eLIWY6$Qf?D$G8N*cFBTGj>IL=U5oT=4u@8?ZXHd zgl}M&`$nAZZaae)FFhOpp3_&Ex@4F7+eNEhWsIQ3V&GSnhMn88I2PRHG>VHfTz$K- z;xUC_frVfPgXkgzqUUYSJ+%;s&clc=&9WQM%%3mR5l~IeJ3stS7n)zL`)P9X4@~LT z@-j45M$mgtI*sB&>21*x$0YJ`y_|{aNruja$fD<>?CEGIN!m@EnX45#o#^E(C}=*n zbfM$b<`|lqgFiD(-^EaCB#c1QcQ}pWLepyo7Ck0qU!xa=Xat7Qg|edOn`BQ%$_kZy z^2}nh)14_di^fTbo<5t@BC95BDQ%h=v<$LcMZDp{3U@oss(Hk@Ju}az7%>{pBQVd8 zIgR4NJkIzVldBf>Y7wH#z`Jmj==np=J@uv_I)7MpPPU=X;6A6&K`t01Xj-T!mswbM zR=u;`z=BbBrx`Py(}-;N@)WacR!r50+3^n;DVjhdu;cGJjpD+N)3{#>F+UuaW3uF9 zdc}wx<^{O0r0DrY=boA+MduVOc{VaqU71pwbZ9>ul`h(GMjN?K5NO6s*^628=3Ev= z@{LZTxUgnEGLoGzIwo_TVCKA*m*B#jqUY7lJvDQR&IWVZk6*E;IH7h8OTa#iIK>Gw z;tf)|Vsy4N2ItQl^t;H3M7awlMNko*3I&M~Iy+%4M2S^q#MLe`STK?hT&>V4nL_^IZ-{%K)Z0b==rGZncmJkYPT~ZA}5)c z5jVN$&mC6lGMY;>j!RSKoVPI&G)_n0oVPfQ;=(z%+img)VPi7SDZS8%>Khqu7v>Q? z*PMH5^(Z=@lbvH!lQ_*hmTXQ&)CZ>}T0ar;T)6G7L?beqQ*)eabLP5FFak6&M&P<1 zbsEKm>+W_$-k6;CxLz#cQ5bd?&J#U9;@nenp6Hx{^Bx~&HAZ{@-Wy^trsBTIA+};P zujW7Z4$OhS&sfw%8G!@8;xvj22kvx6;g~%5gkJ7M^-B!B3lEB(zwO*p^PuQ#@SxqQ zi!}~~5;eAO`!K>d6nlRftu#bug{0>0B}M$P|@ zt(p0ET#?1`=r*TOT$ukZH_VO6`A;(E-^!r7aK7kyv+SAPXnak)(Wnxq3Yy#OMrt=B zxXg){Vok@v86#eDYt6j0$OzH+9YK*UIE~`QORYGk?jYvI~8&`9-y#aIbzhhEp%8tOvKj}1z3n#zS zijpxI_qBR?6V*>Mv@VP*dVWIoOurS+$8W`x9Iiw@zu3)$gP~klV2)^(+;Y8;Y4EH$RTesVOkWs^%$L5CWMLHETQZVxaYbdoMH=RKlkFevq)M*qK_S@-S2c7g$G5?gU&rQ4~oty zc<^MhuiCJ+5}noQOs~5Wz12LcW-1_T zs^=Ma7xoi9d(J&I`-#pe*zd_<4r^uw=)fT!Yeu1q65Kh&Wz92dCQQ+T+3-gglbSFi zu;E9YMsZ=oDR(T6$%tq5dMBzMX7F7YQS|(fb5G5PqO-w>_9JTSNmtmA#-YVNj5z6v z6OVDywRet%K}1Fvp|kd31PmhXc36D0xVwBQ9#85rHjp^3Y2zYNIqs`vM*hS?@pnvB z%_JiT#osuM;vy7Rh=q>H_0Q-9O;rDa;d9}7(euxodupy1oegT+StXX^L~b}E`z;UC zzqU&md8rC4B5Hz+yj)>6_(;j`#mAeUUN7IGO5T?DBAKShuxn)AE+?b`<^;E4iEsXa zxoY+*mjjRF2Z)PG`n$wL%kv;e`Wq$fJ$;v|3MvaZQC+qYie0QUQ2Ysn*|ZVvdsLN; z!;QSqTu09T=5kI4tfO=uDuzDm4^;Q;1FjS zU0uh`ue7~Z8+C0|U=&6>(p>e?a2n;QY891BS@$XWISHB9=@rXCabN^d6L>UZvE3_H z3N@^u<!i&3)Fljw9FQ!!x?c#woqMV@)=9MjpVGhY-Ke|nw2K17Rm4b3W_j# z;Y*=?-U_N`BGdEk-BQc~>7$B^jpa&-3TcuGd|>yT^e-RP5_2q*(@H%wmpaJ%4aHF? z7E#@|xaOhSRIi4=Yn`SCKLBKr`cF1|+#e!6e!bcDa}7X(mrI?Uc~8j}s&p65RZuTd zl_D;dEB-kp;_8m5Lvjz%)p`k@g`b(dAK=SzA~^Mu&{}lCnavDZZfd%=RxF7-M{SAu~!^C5!8{w z-k|^F*}soF>d|7X&%xO#ef;Zn`-!SCd-|J<9v?5Ifa+3N`@C+u5SELpPz?_Kfea0# zLx4;NW`+nXAYEfzhoPaq4ukqY*`g@>)C)8_li)KWlc2*S_#_W9#J<*6vgrJA**WH7 zzz8)z?yq_%diyL2rtR~nEIja^XY5V|`k#M@C8;_Rp+;x_Dq}dI8vbvFNv~2drdbT_ z+70vT!&b}}M)|K>22YeZT}iB~;hCrkAXPn{JKYw~fQSL~sA`qNHI;zk7kD)&jhwoA z!$U_q&2F<{+$MXI8!4OD?O0r=f|D>2@<#nt+(~<~dgxy>l*Up`g5I%#pfS^G8oM=S zZ2yA=1ShihG}IGSu@pu2OLhvz6(4mEN0N#e{(>QO6lc--&t&Hqapsd;|Gp;*?Mi`c zv@n5JEa7#du#KSlb@~(c7pT~Nb^IaJB>BWflIu~!2{pYPS~9WkvP|wo>~orQ6IHQ@ zjl>oobq_~kiy3ZZNF9kSI;SA^9fucZ4*1CLTmwO2Yj8qf=7{9DGKK?IW-uMYROaJgC&4*txv{U^(?PE7X( z4ar1RfTx&lJ`+TzUcWveGi5XiV!kjIuDvGSs2>*#FHgZ1Bd?YDXmG9K3$OL|3$)ft zWW{m84w^?CRfgcHzhd4T#Rsr&{ygrqx=;dh9BJpxx7%>CqqOb3Hxnbsd3+Ei%8ub< z2)gaJpw^Vp8$%go9;Hb&?JQrJen%~nIPvNmH8m!x0@#iAiukB|IMPqd@Jfc%QRR!y zuaKRS5Bv`<6wX)bD6}3!=LH*`@j=jeV(1Wp%vA=>K+aGyW6lIJ(^n>Q+cJq0nV;8i zO;iQ28_6s_>K=|{7Bj3cq>f}3ozswcKizk&_;F<3ZzD54NHPx{LQvrSyeRzzRv?`HJdbfd=R32 z+mHbSk$<1pWFW>QvfhZz88wY9Uzx=JuVoS^62C>mg?BYP&PEc8kGh8=iNy?GkuxNN z7YerMoPxx!UX0?FyrYOLYoCMDZ;qmzNU29}^}6sMEgqd)j3+vM5mcW|J*MD;t6v;% z^_zU4rCIO+0ihYe_L({1Cd)L*s1Akwt(vYARRQisP7oh;4@XWAGhD%tItsh!oPrbb zi9){GBu%dGc!agkWCB$vrj~iy1kSKf*bT*P_#8?2qFoOKg z@cIlSndFbr*%(Qa-SU;mUA9c(MDDj~xF)Is*p1{CA9W8$a*G+BW=I{$Ejp(l_u=St z9QZpc&sh%J$8B_<#}`5Pe7XSz2YeGR*}$900Wr#&AkZve`^-G>t(Iw=c;M|CvWcny zcOwsokGh8=4~QAw$&fnofasip2lhSIBY!Evm0|?-F&o|SL6CjN@G%6bKh7&N&|{K1 zMw~IJrnKcN6Z$7ClQe#;p=SQ@G@fpuHrP4d?@%BE3!*%HbTJCk%R-JI;NhjVxH_ z4hywR)_F-B>xg~G`kmQg+A@(7TYQry@JG?v`|k87=x7KQJl3o)KhVIgyk~^}k!UpQt{; zgE(SYbWX9ts~0K_X#1t!%5vqrABC0={>-auF<=^6#Y4ka_a5DTqFU!c99Jhgr&!%@ zKi;9|b|?eUUh~d$E6+aHsx`a#;pxe8x7+IM+qG*24|94;`C_xatLvX%ZMJKrU83Pm z6>EZM0D29mBLbw#F=7q;hI+VDfC@thN|%BQpt3p?mV&VUDLe=Y=g%LitRQk>$_q1? z(_VZE;LXe-!rzlPkYO%XPEPx!dkABixj%+8yU$O z^TD?F<}I5x?R@L{^Xrr4OZ!)d#cJ+0eq++V&oZE$^wsxbs{Y-MxLzlDeG_`X3hHZ+ zC#qr{N~K*XN#e5J&6kSxULT{Y^}1uf@%q0v_4;W+p^GnJK`B@$^>VM>z;k-BF<*G8 zpSVCveZ@Eo&)^A`(0t;!kqI)qo!987ghXdU3E6j`*o{oQUoqYv@y2udn;`{HLNh7F zgBQwezlI7c{qpdhLRG z8d>0HPwI$=@U99zlkN=kVeW9Dhq7T%it1q`^4K(XoeLiU?1X+UbiHn&z2bLqE`+j1 zbQs=m29PKK^4`fxy;3W*b5OQJBf#jXb@c8^9*)}n>wD1dom?;@X40>0OP-7eQ?EaP z5P~IoCyHZ}I$QDL^0`xZ7>Ys8BTmiJuRTlta;1T1+08~r;mrceYPkY@Vg@1c{PYe3+@ktuea~-gtqO)TQcxIq#U-H8NtiOQ#T=~$QUy#+#~sz8r;qTs;9wgw%;ClG z$t|DJ<}yH|p!$a_tTlM(NoaS-!12gL$rh;nW0N>rc&^mDI5CXF(54n~NHGzr6Ni?p zS3YkczSF__yY(S?qAHjpxR{)FSfMM2nV3j=+aIDJsR^(Bzg(cTUls_n0|FctHp*-G zKfOQ;Gd2rBam@yfPI|#Mw$0*mn>TI3iB9U<$OtC!ktsb@GCthwJsUcXd$n!_ug!Cn zM#*pa_(!7)*Jj;ska~yjo5l@AF-|4xbU`N~|FH6&#WfvN@quH~*nh}+*Xac#AmGZ3 zKtrz1@VnQ9)3u#PSiRUJ@soFWF$vz#g*P3)c?2e+ZN0EH)P_IpJQmVrsOCqQ8h~2(I2q^g>-FT`TXE{`V=~R%R7AuX49CU=UI>@X> zu2Edj7YG&@4UG=2N$Vb5xdDNDjf%P;fXh4ba}9WGl{+|ERi{8{2-M2FD!E{DYAij- zB(BPl!(^v&glk7^z*MpD2KgNgcXp>(Mw){li7Kv2;7i74I3*UTZxg^5Q+W@8aOxI- zQnpUx#(`+9GpPVyinG;~Ga(@GkPnAAr|wV0oET`(dya6qI5s5+R?AHYPqC@6LJ62~ z)6uS+50hD{%c?Luj5uUqbq23YvB~ntDU2-GNHerbU+W;uLYH24eY^`|a5G70ce{{3 zn`+2#MpMhXon}Tn`rKkcj?;GjA+5(JssedxJKsX)=>8p3e|X zZ%r_I9A+}5CKkzom89=NlbW#Pe9Hww@>Pbd=CHmL zTkpYGODd)1mn}#K#GA%LuP1f{u^6_m7BC!Nyx| zh(F?*Y&@6`E;LXFe`bcg(lV^m;qX)1Y@VnJ@B&}242=>Wbq^gvbvPp)alq7|Moxh0 zQpIr&V~&aasSAYt+0??}u+|j#JDicIWee36w4;TB>oBrO+t`N!p?Jl9V;MVkfvCJq zQ(4~E+PHf7<{+fmwmJM5Hi!L4??F#mX7tsSz^c~KvFZ?Ev8$+6)oL}{UFFwowp6J1 z4tkFA@F~P@?|`F`qMJJy5>8XZLARTAy#9lqsn9OvhCHUBK-tDh;4$WxHSkf=Bby>U zvI$<-;IS{GjIfoC>)BT*Ycn{EkEo~Mo+Hp*Fg4t)^FjaSGm0NDvVs^!W`nL>-{ zjWT&ddmZwB!yy{3t?buYYPd?BZlZ(IA7Oj=_;YJi0tk`*DDXA#&bhMe;iK|}wrYij z3JHdDl|1rl0{z4Z8yxPfQCbYIrs>w8)mzdPy>{sZDHDd?4Sih_@q|c}EF7DeNYpG7 zIBh$h)tksfRRF5Cog1`BNM>_b*r09`ING`33D9zloyJc?+mdYb=1YrBc+&+#Botx-MAs4Q2gV>VXl`fcv0M^m~p zQMapzvCr%F1GA?u6Vy3SSi>O}cgviNSKc*lEYqb7P&v{U80 zREfaJCywq^u~`dq3v;Nci5p}z*5r9X=4Pq*vysvNGmQQ};Xxc9N{Y^ZBs(W3f~ZnO zt>l0$MXb@CQ@mTFa28KunfDU;P}$^atwKRX>Fv%g7Sw zG>YupzYJMhU<0m~f2F?-{~0`$T<>2-MU!Xuj#)4HXPH|B&Xg6FQ^KLBmIY?-k(k9F zjM=?TI2nf7-A<#pWA>g4huIeyRmue3H8El?F!kwFi-XK)8~cs%dm=Sv#1p#&2H6lb zJ=#iSy3WCssBgTI(gj+HQBBRZ3N|Zj)ocZ>HZ!D-s#kPQp?cp>Y7kE@@d&nEc}{sY z_2y^S#0Tg0dr-vpYDIjnP{ig~N*^!c;bX14W~$|Zb{JAO;{tsXLxB@o;2n%HLkz}H z+23LrGM&o)W~Wiy70b9P`{y)zCaMBwN@Z_TDx1ig1!C`&8XJGG9DdvhCBroK$DBrS zN9?_0YU~8Wni^Z6UDF~)V~f})A)Qj9w5j3Hl5zjbsj()sdBPGmXmht!BA10O$0}FJ z`amyoctc*}f4x9!H1xb}eZ%#g%CbWWk?H|DJhPi`AOFdDbq6mJEa`cDd& ze)aS7ny)9Sm+&BtD-@kmtZ>K4z+YTK-lrl$x{-H;{KgB5$M#TM?|%GSvyw|w#=@<< z0KF>5lk6|(_7l~cc@Re|h|UHU?Ccerb4HxVENA)CPrYcvALx3RLF!Uq3ge3#5>m!B2H)LIgboCbSD$JjmE3|9P=#1@6(vcgdLb&;TTtwjCPf$J>x=1M0a!0A+HXqU9 znn9AUI{k~UZ?%zwp!zNaHK{ct(@q7j>OdsQ|FJ~33F?w}&^3UMbB`a~Pb+J->5>3H zbXvY&n(4Ku0|KS%NK2xCqP#lb#~?mlXHQXCd_r@aI{QeN-=i!o?5r>_I!Pvba1@rU z$q~(W2^icjRf_6L1!3$e3x6l4GVbHOn!Jz;JX(dzbq0TC4Kr_9N1~q9`Ne)wFMXma)@j~@DE14*%V9Yw@b}1=!kR5KN3s(AY{7aM z@;bUA$rhHm4AfG#5E=OlMpts#0(Ceem6#2w;f!h*s0Wscf$*fksv9~3&f;!(liVjw{CBLB&IZ^!}4V1(uqEyBlKQGdE=^-Mie1z_!q32;Bg$xh@;&ca7{=*t-ziK>L=8BA~2m%9=nBT{sflK6|v= zXOBwBqBGDLQwxI;IoQ?XJhp0#maF-8zMEGDQz3fu<}EePlUGW=yhqGkqgaOh0_arS zL#x*Y)InNA|9qFCG)mg&f~BXUI*uT3T9Y!ydj~2(@Wh!j`dVS{&S@$}MVal2MsWie ziNNq;tfV)ZU2zA23;-drhJf!H?jP{niQe9Fwcta;v|)Ys z$Zkds3gqD<<6emnWJZc2+q6ecQJ_x-axHYx53?H4x+T`GO=!1&Y%P&3Jg*o-=eR&J z>|Sn<^hM$i-VuM+f^5_H9_EYuywfPsRg!!!w`WXW5dowjkZEx3C0j+F?f16SzIu{MHONtQm{`n^JR; zxV%eHm4jIvtU}~Y<1HkwsWEm7V{A~?HMWwPFs8oa0%7V7m(!5LvIl*v2^c?YSXH5q zdW5r8woo0+;-uyRQlj3*-pGnO_=9=i-#YQYFwOlFPNTSJ?qH+5fU4VgAez8YMwak| zc5@k=oLxxlu2rrXJcl#2ZR=nMr7iACC`OA1uYdO`XfrBL< z)`l+k*1x#)Hez0_*JT98?c~mhN)bk8}a+jTuv7#(|{{X zgg@f634dd!QE9bM93>ZSpcfe-iBy{G8lQ?(^pIV>DgWPu5dx)yaPmzzZ`#yZGF@H9 zPIft79j^57`fn5gchh3u&A#=qbzOL&`e<(<|1X@x7QL zj>~wcUT8eq^I=%DJG+FYnTa?!j}c%h5SWv`{A^*jyf#?+UrQiG{9MnLpZ_s| zpTFfe62|TeGJ6GKdmbK{sth(^k_6NVrC`^oj^FLI@-4iz0B=vV*5K5lK!SX?S+7my z3PoJ1s%vL_U7TN>xp(#f%2$AUV(y4dLS3MfWx9ktU=>LhIx3hEdtH#9Ag@#aY4u50 z$b_DJ-on79>+Et3kybbS1IxlYEJG#ALKrx=u;mh#2LV%XM@INd4fE9|!ZqZBKQsK_ zexcwu4)|hmdc}I1yv5EEsaMYg3Pa2J2VU_uUfz5P| z?|)>{^p=tzh+okuR>Gy-qgRI5Ec`|*yGKysRtCvnr9^sD+JS{D#lmjpQ5+X0d#6~~ zi@8cO2)7rRBSPJI4SxuJXWH#y;8HH}DzU^}Jc{EIW$zSAydHFVw$hzJN!4}(i`<>x z6VdQG`7Qj!3q8sprd;UNVxfn46vu_i-YFJ(1rkFQ%S!$p)MUgH68uI?`k-LaXBecE z3%f=v>}ejwabdD|iiO>v7ICgZRWcL-XLsj!>lI!vJ`x4hH>Tk#1DSHEFBVJf@+gi= zmAz9e^@{H6OLeUAp8P%03Ul;Z_!BSey$n*yg-Z0E zrGWIm`o+?QK1ke)*GOn4AfU%qonF0;p^;618m#(AGEB?F3w>I5p-%6V=&m=YUDu)O zTXX8Eg~Itty;qOLjLIc|$Qs-%1c;=hq{!u;1F*q!D0*5&%MNb{_Tx^S?t|mdygx*9 zgy&h5$_vI;Ii3q)-vJ8adJXH;Kzl0)QsH&N!3hYEPZ^K?fN1kQq`Lc{8$M+V0V|3X z4n}XZHUgQOJUFAdK|BsaN4#wdd8tw8f{Hayy(m;Af5WSEbR<^Y@D!|D=sc_IMw)>^ z7%^gO5HEV*_e-#68D3>BOJ0^Xy7i8^K?8366uU_ zWXl$&xeN|~*+O(Mi{oU*AZ2kl%@(AG$2;n>!m}AR!<~lm$YD6$(gzK_b~4i7J3ad$ z)$pNB4Br%_x)D-&fkE0mSMSd6j~U$atH2c2*+ zOj+%B8pQ>p*(j?dly3G6ZDqr0vbKU`*t8XWVr^ASjTxb>l9pj;E88N5Yb!a$4GgQJ zwvxS5Xsa_)lUV&nq^-og*>K|uo*$u=I`Oi5j^1Y(GM&QeJB{KlUgLU> z_6Ut7kQSq{#Mg8vwYv#^)Cn2GG}aG0jpB~daoq%oC^Zz84W-En3$kHTSoDb%)-R<- zj8Irft1uLnZ4tv2mYm|P46CEUlD$(XEMJ>D3v_?G;SL>cedX7O!qQ1}sW#uFuJ^2M zTvdY)zc-NhF-$Ey6D4n56PA|Sbb@Ms&X`CiXPgrePH+6djPUoCA=9a@zjGSJUCzeL ziny>>s4juDKy?{%CcYXdHRWuuu3C!faksuK-a0lBEKwsQEomLMB(NCM*S5alA}Htn zQ>L$@2+H1u2-+u(jSH41CBxUlnbway4-FShe#5PtULe$$wi48+aVjRlJ z9-4b37kDfYAxbyc3J?=bEmj&!6t8%! z+38G8<8Q85bu@eo;muJ7CyF**)UOv%KQt_3rCv&SQ;+oujcx^nD&!8M<9;8b_>-uh z7AbLrwpQ?_7HN*8SRpKTjk3ETxHk;-L=riwpM_w@prAm_M}Q{gD;v`f!dln(Iv%7aw0=lsFRtM#=C}9k#`SAHgcMajjLb+pvoCUkk!br*jY9duOy_ zgqR);a!9p(1b))~#^J{CGk~A~95KiUljW&4B9lUG3rheRMbo?`A2}1%Vo^A)h|q3O z$Ak{FCg?S)Y1?h0b^|6s`34b99K@zlAUP2-Hx-Q{HuI^xx4#8)w5U=XdWZaocr1#g zrReJ}0)MH_1@CE+afNpH36>c{ZcXKLrQ~$2cFZ4H;rz5^NGFB!uuwPxw!qw)N5KpHDaO&AY~M(&{#>pf;2A_$LKmbTbTBbt?{#k=SWujN48+iXR;e*3)B9w_qJ@| zIT-D6Y9AkMr_2x}bMLz$f==wfS}(?bWR3X1_Ay*WNqZp-8&?y6p|NSb;YPXy#W0U! zj#ZP%=c<=WTVkWjHTz|{7IR(-J z%iD0Yi?0SsO_3XPv=dFWti^s~1b;X+YJ{UbX&r{k!nTazLMEqpBg5(_WU_Y(Av z;G8>GfENd4A$E1TB|J2a+6yKl`Es3b)nC_b{*I&iB zla9+vXm^D?udrgU^{`8hPz=X}dJ~vc>h1m!nNqA;3~A`Z6hu7~J>MOR#j^$K`WS(6 zn8CtCQo{6R5OJ9Ck*R*d!cXRIEB8r9s-xZ-M4TtGkuZ_H)YYBjEkhTlKVzPZ-hUid z`nmEPRM&>v732vx9;W-aU)xRh$JkBON*GQvsRkFQX<2A6)QGxY8d3OzvHb?ikS1A& z9YxMNjUt&N`6zP#m`2nIp=AWpVvH#9)le9wS#vE-c{K<`MiJhao8*B3JwNMj95J$O4S2esvd}uDl`&8b%)E4g7JTn zp*09URF)o)vV=dF)StHunNF5I=QN7DEIlx$ES(gxB#;&(OX916Qd5=&PaPnm7NxjP zjNac*jTj+GNvkj<$+n2$k|d}248!UuNwT*gN%o0j42K!*c*BC^xTUlU z^o=pX=>~%2WRRH=Bqyf7Uf7i}fqC+?eWI5Lwsg+7xfKVFanA4JuQ%P*E8PtDKS@(iW54t%xlj3;crosP}P|+$U;%W<} zQiWn|;f)fEywrwosZ3s{f`>aWa$M!tzisLgkO%*xyyE16IGhowgg|~hGe)9@NN9Ip ze8Oi7(0nFrlr2n0vSP}N!O}cCE{kUi*1e+%3~NmryAId-PY>6c{l7n2Z#8kSYIOHe zaON6HRQ5W7cHz7)b(F%LR^J*vunVOb#vBIeRF`XomE4Y~`NO9WeYt~D*ma@3plyO` z&(KSuCmOjc!%}L2xOtPIhRGqLDs)B>TVkQT7C3psYxGbF=J8g5vWpkz_^C!z^&Y<8 zMk%LXROucE{B9w(^-eZd4rhb~!8-4A)J6&Ij(p`U|I)QE9QBq*iMvhYJTN)9U@v{1!3#y(|Y=|4yf{`W0VX6#V2=q-Q@YHhBO$yf3_l@-e33u}uE zKGH5`cG_H++v-rzKpK40LE7IL)xj{;U=xKF9EPqmayzKx=Q)^-i0Ixy(eWjJxzMY1 zSEuKM@_@c6fMoR)f<&Vmnn+6dNFwT8m0}dHWZSB4@#ap_lSO zxdp|}1w6#eM)ua%biZ>HvD6E3clVRs9goko!k z8Qa~0%H8tdnC{TJU^IbgwS`r2D+f;U(-k=~YKC~j4XE?Ya zKY6?ITu>OG+ice02U2(Q)C5Poz~G~{H9R`Xm3nP{WmBjqMXAnu$966}} zY$g_b_i_t?2UT7|yGiF|Fn8L98&02=U;&dp3GSDz2Li{0mX+vlhUlOL5s9Xaay@ng zMEiLZ=}_r=Fp8rZ0oqFlzcaXNnt4$jVz83J=Y9Tmyae5=M;BQcShfm01_gwY(Zo4 zWz=S@NVAjrZ>G!ZEd!c#8K!z0PNO)h-f=TItO}M97*nd(%<(6_8f-ZXpB%Eg8T=s# z^nNEy48!NQIE~_r&v65Glkj;{yif>~jD}-`LfaGle9{R&!?65ur%_z6oK0%7Bs9Os zh>NzN)I3Vw79J&Sib$)3q3u{*d?7W;#MNrj`i!ep+wz9*xN?dj!|HgoDtkX8dnX4e zoQyHmjeTSK%o!anEu*D1U37OoR){U)2K`l>I^^Tjzh*eI(O{c)WMPc|g9R*eUvZHw zWsHxj!On{vL0~K}#;1j{5+75clcUc!gVtie9hso>Hm6aX(K&AHc@jEJO=ZKUsi`Ig zG?nIgmI$q@99pur+MgP0LR%%R(a=`5B@WkCa*DrTfpOGUvUdt?b@V`C4Q?^yLYHH}LDgv# zXE7T$nc|wzS^{H%9cvf_;;W&yOfl18Q-X?GuHrtiAoWw@MF>*TDhxrgEn>JJ$tlh< ztd4>td#4bj#rXz;YfwR!ywJz}Lfg}7OK#PO{5^Vt#Oc1!`FEd)P}GE=HbS1J(~K;n z>Z81LgA0a9)qUc0i2r7~f5tLkI;r}k(Endx#xsb35>-^mH2Al)08S5*DHys z#VYn2UtrT;~jOgyLH_6 z?v&2C5G`?W1ws+uHyU6L}Z`HCVz3r5pS?exqb(J(MHjNw8ogsPv6;ILw$g<8-Q`qd6{;2{JI zIp?~oKHm0H_QFb|g}8ORg+)Mmw}OYlbf3~GH+x7=hum~{P`r$%l(=}L1byzyQw&DI zrT0WYyLXnpv~OcdWTi#E+cIQ2W&J^?QNDUwxj6bQuBVYMW~+2XWiz;v4Lai>vSWKwCqanECK6Piz8%u(}+ z9$9I==bZ2}O!KWejpBmkY&2gInoZ4TL#e6xwhtV82gF9JyOMN^W+q-W>_6{p6u^XIm$J?J^ zx@Dy;{-b5cbUOK`okscUX^XcDr7VyZbG#K_4V0SN!ugF(c(iqH&-&x{Qln7lkEHc} z@P#_oII~N9Y+cXJamGO zOl1(5&F|SaHKm?uQl$%2YdBXaA%x#+71{-O>EKFh;NK;0N8qyCfrp$qit8VEqN!e= zho*dZuS5^w>9JEZP*MBp=#>tNM$jlW-Z&M`!Q` zYqiiWc`BP>y>Px#@6~hkKt8DdB%iW}Pe}Q#Cxd|aln$P)mM{`HGk13#PjwpIUOk+& z(QM3MUFZDsp8n!BTPS0qUph?s`IWqWpanGMN`A|4lqe115?R>dDH(D8-SuL<7>>PA zXg}LLH#1kp^9OH%N?**(71}kt`7a=1UcHWJB0O9b45{P!R|R483^?)+;B7v7;tecF z0)J`X2wh&w$s7>+`K(wwpip`Hf;aaeFi%i2$KaRT(FXjcJ~AcIsM!OcH=pultZy#A zGyZ^FJ-cPork!tHe;%*>FYR9+!>Zagiv7kDTw|HQ+*#zFKnm@3m>qYM?-UALK&lk@ z9tTOm^Q(Y!>BUvIDYT3j%~1G*Z%`829m+=bvIXkk21)+PTfPIb{FS$Sr@J&~3(_NF z>V|BgnJ0XNx+X$OYHgD(Oox(n7eNf|6+vs$U)cin$e7wNTWIEn>Q-P$Xx9i?LceAU z(W}PQ*4cuyJsCj`liBSYXk?X!NUCGQwBfG(t)b;119-d3vD-sN~Vq~*@~x=tqip1dBSO?U_z5+L7`kQdg;_a z0R!IR+Noxn@_=iG44)xWZt;3$rA)>+9U@99E!~FK%BWe#6UT;Lur1}NOteQ!u4yZaVVS~Nh`ioT^aC1^GCsRk zg!d2d0W}tSQR_gn72Fo3Ud?Cqc9$Crf?2oS6@NBQzInraIKL7P{$RS@U>P!<&b!uW z6c?Qr+zO5RPW(HB(i2FFQF`KQg3{Bs+$Kfyg6>-K9a=K-_ohahP;*IZoPf*^;X;PO zhJxXuD?zx7*WxI;vUdv6ee&SkeoD=tAKuQ&m$w51LeunexrHVWQg@11X0XUmspF@k zkUHb-=vm8<>7?!{r%~LcZrsPC-zlU{AT37f#8(5Qrl~>MMsXm>TZyWLZg@lH_BW+Q znvl7q6{eCo8v=&QoCM)9UW=p5$=-&{*(Z*@(~#S)aSrBj`d6EDTjvKn8@~*=0pu~; za07_px3kGPn8IA8Ddy=!OL+^RpV$Dff$3#-Vl$6-LVBO=C!*wGMl{cYnQ(kqGv?G! zGIb3hF_nZAZ*t2#05AE!5Q6w|9z}X7PX91&oKE2Y7asVgyjlf`evw8myk^4Xkj}fT zPr&e4Q1Nlq5H-Vb{4*{%@K`dc?@k##We(vmAsv#4Q<*E=sPrm<>m%}U$P9lfjWfAm z!~3Z=2BV-)@n;BAK6l(~roofLby1U^Zq01P=L;Q_YNr5pnxoKaA;B`QlLn%zo3NUC zR2Ckk)x*oI9}GULCN%VMf+A0=tEjBe>uqIh1jx#hm7iC za2GYmp#*}7#7Fb^C8v_@QPiZ%M@X^rak zQ{CrHdxr}>{9R~>%z9ghZ^Z`vIc9M~P|V%rvS2sSdxrj##Tw#psI(3Z33H-_q8aoj?nyeRpPFMxCl_I` zQGpH2@1KV~RP1^PLh7p5moT}4xPXqQGX>XuWv-NR>S7tUE_u(+0Q!8P;-Z4+pD33- zjz*!KGX?vr_$*eaiXiG7tNX{MmJrd0m@5X&f=hC4?dCF|z1vK#5RpMM9w%iC&)9sK zEj$Ot=kja;x_?BO$q)+jKyWR)mqJ<8Dm&&2YwDIoni4g&J|=ubC~F~>>X>k)p$T|G z(asRx;ai%V&Da{!-!#8DE(H?2usZYk?1MXXmT4TI)e~@UvR-JfAUA()r#J%B7K8H# zsb)HtMoD#9Bj)u~>`)P}m4>BFe6NK(L%p?}#2nsQ{J{kHPRo!c#fRMsf52%J>CUm; z3kP>3GclsUw5AB&u|Wi5h_9v6tud4BGpP|SJiSTSF<#!- z7CKxySRFmNviG}W@8pZm|MT$Tj0(U%b7qguv9kv`cESwtT6W3j1&`Pa$073e zHXy;hz%Gj%HRR!aQmT(Javwf`NN9@m5}qxHK2m2ev{W}Fx4>G#!594 zZJ}k0A%D*@WIEaYU8hl;WqZ%KId^_c$hJV5lI_MaSLBJ+`J{c*V(?al?gF&o4`rg6!uFY2V$Ucnp-$MJ6wZOSy;B=s{oWOiY_Y(W*hZD zXPCpikYkrSt}<}r5FKO@0*Rw=rK|D+QRO9C4DKd^WB)3Ok>C`Y6DSyjuea z*``hpr~TLW=z)$LXWFBOJkvP>7N_P%3pLca^_D9&tO~2nd$>f3q6;w;;Us#gBrY@J zZk9Lzc0X1o8V?w#F2oXw?N!VahGHA^&nL7ylnv>#1?rXKF;d3BjK`MQ0&^%ECeIeA zSB)z&*@AO}P}5q4$OvkiH1OtQbJc#@rjXO0Yrk7P2ch`slLRibDh{&S;entR1Yu384`N@wNI> z1gRj`+ie;sF%}vJT~0?7{K5O>`z%AIvyA&rqc~f}v*RWt`YFLW0%^)JHY>=8uclHT zhEk3%2TF|q^B;9W#xO_14?B(Gj?!@>%#%>Mkg2>lFuZw|5Yd>Si!ZOGC=@VlKRUEz z(fFm*6cC<;By<_43mXFt*N<|Fw=%4brwiHpO|o~QXW{fiuz+!9KaTR}xH*9q)p^lp zkr>^6_R+VCGf-0g)nW@A8aE64|0OiMK$_CmR10^+K)pP64F&rC7sQLH*>kANLNzmO8mf@;XqUcYVvmI5Z?Cq{P z`|pCp&lOOOmR|1}dK0RwgA^Ai=t)=9tQg4N3=786tGlqXi}Dc<{PdQ1croZNj7`!( z;h=)oAF?ptF#jv5o$$%spbk2088V#?I_NaYS5F81d!d5_(v%K5NxM?UM0KE%gFXrf zt|=9(kHRJ_Y0IfGFHE5%G#RFlz+p;xmQy^)usX`K>}|-iU6I5(TBS*4co2D<{!Q#s zusB&o3u#wubg)W?rQu)|({1MqS2^8G==u`AUC~lbtB>>>rT*5+DnOGc2sxcUl6B+(5$PTsC0Tb(g%f*HCGS(%8dN|%p3-bnTklN5FKs*IRV}G z@+g2V$_a4#-7t<1!4q&!!bJDr^@_545qeKn;Iw*3O{OMAUqP?)^X{miY$tb@cLJ%E z3QMR@j`!XND}@!Lg9`53CQ-PElCT$dii`mU)nJpZ`bgQ1pm%ajFc)|-LRgrsaJUAZ zSblFI2b`uLm zTWX$%S^>N2fCH5p4(+}3GYAt^&B7q0TMa zjv2l!Q?V9`Ze~Lu+<~d?%4$a?a14sIAo7_JOxrC&tRW;ivRX&ut+boHMro$o?osxl zz&oW(gi>W$Wg*lBUJ#XC!yC0)hq-({6PN}0u9=Fgyu?j3q1}9l9~f3+U?5wVwnHbu zQnKQcdCa!3;XL-sHXciVId&$-&Lj_ouFV$Qj_J(wvq()Jg?54CqNj>^F-&N!3RlAo z;;S}hokC;T>?zd!hcG5U-XE{0+BX{S+KFq%zj`9zc&MS5*0HGM93g+AaR zqM=W!uFaVYZ%&Os;fqOHt>KHYEq1tOl2hzvSRH*aviFSaop>$Pe=1JBkQx?StUP26 z)nF(1=?>@e*`0P4p^v_s7h?#d$vr!Va1Vo}87M^$=Aj?70AnggDTIQDeoZJLu_~p6 z3?336jU^A~Avwhd8CFLglD$*#&<7-SADf$xwy6Pcy|TQNUG|tNg$GM%E_|be^My_= zg#mV|;Al1k)FmPXp#+B2@NE=hh%NMH8+?MxewLACpnMG9{TD1ln!GYh?fKSo3{M}JfTJ3r76q&U#6yjkohEZ88R<$ zX)xe$nU_<1o?&&AdD+{LdHck%K76_V*xbB74>xa28vnhN#(zJYuB}?Lt3B*-&q5_> z`C(|Ixr(scRtu?Q73Wdfd#IBg-O97iJ$$PD|FiccaB>{g-L_>*@>;iKTRyPI61G;h zc2+A{vL!5RX(g{@Y1fNn3lU>aW_Npcr!_mX%pqwF=1L$obb`S{fG_X?0m2O-0YU;H z+*b}DCfrB3ArMG_gd4v9tD~!`r@O0WcE*r=$}ea=-PNzEUcIZ{d-baBt>aX+>*VyFomo3uEt4QAFda6R<~NCyjr-0;ZfG=+&Gqr|PI2R92_2YHRhNgvjiNsOXEfoZjg$$mOVdbD8-Vtm!KhIOc2YZ2 zYORj3TcntZeWx&SZCjW)>l`dlW;hKK+rpEU39N-{0z&4Zn*vz+QU_54R9=|CtPZ`H z2wvI5-4eYqZxnJzx`o`eNwURZX09ZLc0(PKR2?2whvZ(zN7WH2+SyTUYfmOC5>668 z$%-A4lGUx(g@d8X)u+Ky89!u^*@h}7*YqM1t=8kg&e7_{`$R&ZWM1_^P59aE@GLvR z^kq#i{E>nJy%5HzgXi4_hqAsEmZxA&mMh1Zb-=6-*eDZ)@fyM-T2M)zUO`o~$(}sw zF(NQqq_T|cTPg|$gGGgVSRER&HyFe*ay*lsrnrsTmiHhiUK*cPUgn_=4NxQF7b{$( z>bjJ6LmirKXGgV2B2Q6I(i{}cCk6Drnn*n<`4`Iui+NOJnH1;4Bwa@ztMR=nVJ%V( zA4c8Z)W-L>3W`D9k7rf+U;ySbWBDo$5sD04kr4`6M91tV5xqO5g-eK@ailGB8!J^a z6?$8{PM$(krk6|ghG z6<{Yl6iVFOw*$42tJC>eq>A^Jaw5>RX`_}rQq5#yI@w}&5-a>vF9Wf?WJ)3g z`4wQ_Jrh7pE>Dp{8%AXnQ{59so4>(W@#NfI(f^MVxG{OkWQI_k*8kM#|3?anA-A3# zii}byvS|1+k5?R<$Z9v(i=!=9^HXU!|IkBPm?wx)aZ%I?)x478s6=nYn<+qqDW@bT z9Ik;n?cU{?UR+GLQAx846NaWqs&h6a?3Nek3@#7fB+o@Mi$hDbFiR6UPhA*U1mK6- z+Gw+2JLz*n%sNapx~I{Ag+zUjav5(7Zkq2pb#^#QL`EuKb%ocY8Q2BBj#Pu-O@aR| zczwv(RjSX-LW$z6{FS4S~-#kA<%s5i+@7HV3K6r54I z%7JbW`~stQmww7Ki;{7rD%f#G|60lR|M?RM#rQTbQzymvk4cOhG@!^Q*dS|98>z{_ zbDwFpXuGoT6GOO>q-^>mvR~7su(MvdX4uPD>*P4i3>zuDEV2`?TUz=?vD;`nVvOmR zGtQC{<_dpUK{52p7TQ$BXWP+!tpcS0st@;SNaqb5neBY4rgfJZkQ`-(k%4LS^ptXxXAF)W*xb|OA^Nr}gXb^`>G4LYZ630Ht~y?Z zM|oEU&9bNhiKX{+mQNNK@n433qaR8|_dj#+p|mJ=SX!KY7Nmti!kVim6Z~A5Z8L`bhysz+mN#M3%Q1XC&2wB*?S`--dSOx0 zO{{CWF@4uMi3fVQF0|K9FD|*e{?{#TsFhyUVXd@^w2~nnHLcVq8K_mgq<5^|LHzZ%2Dpw#l zXD|vBDuR0&c@gk@i%3fkMOx_g6~vB_FoFYeV#6!a|LHXwZa%zL=0N%O(8Z16Qzi&^ zi{lE|F|VkiGrr|701|!TNsM$U`_5+E<90(t`a(t ztszb5_)#B1Z1NbM9x{PC@bb7kT8Y$zDT-b4vD2#)AIp;X{tc~8XmFj?*IB1wFBx2> zx=t}V)+NS%LTg02TU?qdsdGN2C29~DDkQk>hI_qP%F`^>RFEhW2|k2QZ?Y#`f<&^MYRf^Q^$HONI?X&c znbVvyt8g{VI6*cB0h)TcCZYS()s$hP&Dw%$^T2}M7@SQ8lh%>;-k4|9l1XZ3;^P|o zB*Rsfh-v8?Men=2g`tbWKw6agI*2x)cb9G(w@%9n6G=;Bw>NY`F*x6}H#Q*V-CFc3 zhPXFnVjhOX&?9cU+=Z}O7D?jc$9qlpQjGS%Nl#puUfngYv8Sh4fge1kgWfQ|OSoI$ z3d)VwC-S>)hG)pzNS4U@%w#b?mDyl6-9X74s9Q3TN33~{MNrtLi?0+qWbrvxmT!~X zvP6P%Xrp3rtR)+1PF-LSJLV86z0tv@j1(Ixq_)u=2W0(W7o`oBW>PL8N1ojPhn*Ge z*u&XkDr!V7lhRr@O-~v@r%C2C$x!_u5ZkVdL14`!6Iy0@i1bc|bFU@K%#dqJBnIme z!?_`6Xp!8ob?AvC3&h|fw2pYCbi>NoK)fn7h`U$1tfcmIZLZYC6WURnEOa}l*%fmN zieV^Tn;d{4yhcN}d;9d@ZF?W9sXapt$}nb9ttJ+}-Ip{qQxo1C3A8{NBu8-X7@$4( z<~zA+%Sm<5SVGfsTEN4i0p(J`7H^Q zn@DOcI)0i;bfqmRo##@VrV`N>>G zi`tMb5BtRN`O+j}v?%S-SDx$>hwin#&J|%(TniAkr8u%^yRmtzqld1Y1MpYgjxkhf zd6a*fLk&2+vh1MpAIqJNV{4_Me$bYNBBeZ`X{hfjD27u0DX#pY+#r@b3ubr1pEi-kG zaMy`Kxn5OU44H1AqUu8(LV@O2JtG?*#fZA2Q`+sGH$po*o}uu>!u*z}v!mMJy4Z@J zl5no1Oj2BXGKrr|i|=&g^tUo{$~O~wxHTPu%OM+ZSB1=&!{<()Xv05OOa~fa%t%sMekm>Fys{7PC|z( z+R(0J(e0$M*sTtoPz=sDt&X?j2={M!bh|A-)OvPb2fJEOl%PLQVl}gIsEoT)A0z}IIu9Xu@~VR825-f514P@chVthmM?DDgq=>#n=Ow| zS9j4UHqlV^uzXT@9fvYD-~g_ykg#h2A8*(xH$?PHCH!z}n|TnA9$=?AsG!>hITvqY z1IspMWfwB=71A)m+6#AvnMNXl8I9zlZDbsX?We5MJmT}BwglG6V~ENO=PSp{C;A4b zv2)H0myx}Qd$B6TvfA$P_1(5Pb249<>8sE3mEDxtf=AkRL|perRYK^tf^h<9qyxk! zRj337zP7tI%#6>BZ`jlm`ZXQ?gFea8@anTUMt8d~I0QoIar8GE7!o~N>!F#Zw9ExM zTy6Rt+4{v%SH6h)4|UWA#AbOqkGg*>mx6D?Cm2dqeF6=+*otogMc^aav*S$mM0tj8 zlVM0lTrh!FY2O|tK5g91;d5c0pB7`M#n@>vc3O=6PZeX~KK5xaeLK02JxTjm!~RpI zV{m0`77(e=KFy7*Img2f338OOw0vh9mZ^|Tlhk4HeS-sW`kt} zJxAM%y+}bZHrK}=Q?4@=7#^XWMGZFQWER)2iL+uX7l@tb8a*&LihuwW3x=_ZO1V78 zps6MV87?za_e@mbRb_zo%)e93-}(kMwbX57O1oa?DX4Wx0;lLV$>G{aS{HNc^O#78 zJtmz=kHAM>(<+%~$gK%VJ+p=JSs0b{sW?;K6nG~ynj#RBni}dQ4d2)uM%gbU_`43&8~G=m=ca#r$Rxx7B%Ztn+K75 zyctQz0xT1}RJ)hLXDrW6??;j-RqzO-L%TAB4^_J(Zmh>~T5H!j6^Fx6aX%PBX1(ip z^4vO%z^L}JQNAZE@5F1Z%Pe)c5za~NI8%7(5)N;Ui5naxh~d!#kB)+vnJt_o5QGsO zPI!yc$-)GxcFPQ}(?m9Rn#k16UL7W~&}?{Lhs}oPk=c->)1G~Rg>O$H>PvTEr^t4V z_oN8OjLk9LVRdOq(#Z%yMjb(9k=c?5=L5ixRm%B^@qCq6+E*vFwd(|x=G)(?p=tW> z6OQ^XrQQCHO;qW}r0(qc@wIOHkt#moL~V$EvNzb_6s(knd|D%=8T2P)U5|a0u3$kjG-SKv9I%q{3Xd(<-|2Dq7?5P|`~U`dhA} zpL^jMNNLCa2`|!Vif4t^P8+4^M(O`xiVqEjf9tTp@P;OXLFu7jBR3JSn~9c#OYt?R zk0KU6kKbsE(43H`@5~KV_nJtFBo^Jven*p?x~;W?&YQEZxj@_Zopo6et^(U82_`>u0G|g++QV(dj~0j| z2jDc;lBw2FE(;YXSn3f4aE_3&FHI@^KG=b2Yx==g*iF^#Ded-m3W=Q^*3F$+lFkn5 zqT~fue3OK0yUu(tiEm7uc?r_?^x%|cEsJbENq>U;Hf4rJM;L|62vea1z5!|8&2CeZ zEF(XYWGl>5Dx!j*NexGps^|d6ZeTBqx=)BX$*)9bxXM9G7LMa2 z?R2?3At1p~iSr^Uo+F>zW<(0(sY`kWRM;qK-B4)0z*O}iJv?pLNya5>CP z<_a|K5(>4;xaM=cLN+yQ?OxS3<}|jx^>E%m#h>8n9VwUkM&(99ZK51oD}(U02}Zho zBlSbgAbgdAVr-;dsvkurv!R4xD;ycP<4Nn-*&Gmc)Zs5hW<71CG?i%Vf|&A`)$^eD z(Y8P(^x#l|J=i^XvN(?wrDvR(zK_RljGl%nVp!_evNCtKzc5F4?vrmrGax;^1lfZ|8KzI|B<}8 zAZ{JOmT@QBPlj{jegW=_<9VmNtbVBv@iKOeve@a+)xDWs)Nx}DcmQKjH*7I^p0nD1 z^IbRJnR0!?dV~V$hrVFvg%IP*VE-HaQeFzo^o-~Lqlh+BZvHGy3XV46OC;|B+og^b zQTU&>*kiQQMWB$p8rTB@6c4#ocjCjoj9R3AiQ%1@Q+>#~tpk846CwtlgoZw2dHZRt z`BLo6%r!$whN6>2zgpR5C_rL76uBQfEz?iSbm=!bEz{vyS>w&o093_=KWJ0-n{>mHt$J$%~^T2NLG2{Ui!$6Q|AuSmU-A+r71X>xgzf&3juD} z@NuZPMUZVcU!w|=#lo11o9*pH&)Qz?n~pojly=v&G7q(POM+J_?w<{7(mS6(3g^KCCKC_DF;jLs}V}=K^MF(Ba441^XiVBn=&~0zWGkm7*>x( zd(LI*F|)0r4|!yy17qD{8>?=UsX--;RT*tsTi})98hLWq$VwCK^wQ0f%zgt)7fRw^ zc32W$u^?FzA6o_{hc^v5d35O@WGQ#;QIyL&g=NN$)ZBMk~g61`Ki zxGj)x@W^w=wnmh!z#KkJY##MUW!ZL-@8b|*%uhfUKn;|8$oEKx(8c~J-33V(AkN`* zEDKPwT#tNDn5s!(R!E^LQYbOv49cz)>DD$%%D{7;VsS8EL^XH1Ll(jY>Ltr~s2BBj zZte_TG-a`Lb9^dov?x$YyP*zYxwE6XX})XL+2K5Lo)n;zY|={DmFzY*C0mzDmS6iM z6|7>GoM1Q7pE^hC+{Z%6%ze(po`poP!S9))pt|NXn!`8YPw4OF{(F_S#Q`hL$FxxZ z<7#wMhJoTgk^sr3N~1CJfL#*ExgH{b&4PJa=t4y!Ws%YaC<%{wZh#k>Ouw2nxSoL$ zbz-PBYzy`%G!a8pd3phu=kGVL0HMO$3bEM9tjC>A3Qw_XuwDiOjkuw?^Uz|4@x>~7 z&Gs?zLp|c=96!Vz%D91-qF< z(he#pMilX5k0$3UDSwrcBX2lV`DIy|M|Sn53>@oZ>ldqKI^9t%faS>w;1#shBX&74 zM@&f5@}isxHM*Kb=qu%f{a!t zD#KKUW++Orj=!i(I@i!n)=VF1w05sm^XBK?zU!5}T(tM=d-i#zgM-Q>t) zZ04i}uqk_zPWTW@5Gr@l22x?4X(ANvoS4f@6;41~P=+cg88$p5#EQgW-8ESSs9uq& ziSMUZ6J2ZjCew$ z_OxjD?Z~k{EgDXXhTj&^5N@{un2w#?ZXKlUmSLwT6DPp+H{q71PaL|0*y@9j>oWwI zw&&8nkq0&9HYoZ{9!b8|~Zpu7ra39$OT1FASkqD++(K~^= zgZP$`jRra5{UeRK$^!5#o0d397zsaOOkv_Zf}_KJFdYBG5KIJn_=(O11QIHN<` zUwOUhdNO#{g-_WX-Y9Sf4}5rL2<|kn1D_UkEKcc!8B3z@9gq+jZ30Co$3%z0@CM(E z6-p%{GeShzkjJ^;oX1QjH`iU?Ay6W*MbAHH7l*j21XK9L;bH{!)U*PTn zgcZ1BhL$3%@{(o}Z$j5%h+%mnv2>2#KWGr1y5%@|q^g%P0`*C>S`tN4jZY$W zmu{sv+g%$i_X;;#UM+l~%#Sa&Wq#1bM^DhqkIyM6hV6CdzEk`<0-4IhUH0R+Z!j}f zERP=-$w<&YJ<<^l1zJTwnzhUxR`=jJe1l}D;&R@ z5&Rt~mheg(zoloOL^!QNzHt!hOgzUUK^81ZDs?)~U+GWhA>7`m{ zTZpIzI!!P6Db(S~64j!BxiTtN40P6=^As{FOo_G+k*1ALY24H3ojxa6bVL6{;lv}Q zuUY-(QWYO(Y$IC8cTf%gb^!LNV5w#kCcR>&s_K{9fU2 zC2X(rH{%a9WJ+nMp2MEF_^c{*yZ%Ti)LXFj0;24Og~3ymH*<77plR+Q1;sG7{^f>z zri5ZtyRhY-99Z|rI|lB&p+En~%t+pYyI>Qp^_re2WJdGHC-O+@!$DHmtmVoauEj3T zdKKq9loUZN6th<%f^B`ZvNe|8ynQ;s^M!1?a3d8W)O=I$|Y2o0= zuFKqZ66V}o-v|zaO=ouR-hF^w#EqgO~uJp*#d)5RA%0T1^u?+N14JjdG!&0E3ETRAuXPJW_NzPmKHDYJ*_apf6%>?(aXs7%SlhPIrOaXV;DmQgq1jTfkND$?&fN@xIkm-5K4$b{O|AAx1JGw~6FCbQYo9aNY;#Qp%wbydFT4lwL zsvZmwonXb-DZDD;{Dpqovb`TIVD@+xZA6u=3HXbw0Wld~|Iqd~};UFih5` zVu6e()(eBOoWXT9^$NK#SSAu{q#33ft3k&BCkOZL6>PKPT4I|W2r+_fw%FMQqmN}9 zdals<-7eDHpAg%8OLZXF=31R?wAXTVT4kGGs~!vxonV{TDLl`aZ8}R3f=!Z1LM>|& zTJ2nd8C$vJ0i8>>flIb=E;&4h!&kRtZYzvcrwiZ(Y~uEpi&HQa_m{m%s(H)J$HQe* z->hlvpo2y{XrsA4SqMejNYj=Kd%F@&s8UIQ+P^d9t#iUlCtz{L*=me zY5|iFXs3M4%}V*-&?$dAD1SSr{3M?RnMTrYadTF z$ZsftL68E(3v6lZfg_v~$Y=qVU}v*Eb70@TeVKvna9xmdqEcdUDYz;I%i(SJFx>X$ zQTAjQZWbu2-UEYshc}}98@^=QqwRL(f~m(c6FpaJaj1)w_+nzF{i*}OOxty4(q7A@ zZIzjFss{r^CzvUA3ZF=HVkFQK?TtE5O~iN|q$foaNo!)~PoT@npC8is^E&Y7b(}v3 zr|V#+p*s8*Ltc4uGBaBA3Y01Kn0n?&ogd0NSSZq!Fpt8$GH^gbLqT!T=BShzL=a;P zMjLH;z=^|PIAk7;crfIO_)|MsuHZVFb(zshc^r2Xf~msvs;$>rIB^(06dYm790Ge2 zJGwe3Fu7O`q~{9TPv|1~zLYrdlCXlQ+O+O#_duI zZIxW3F~$q1467k_Ew$8t_P1@&v|SVF7mkw%FYdC;W(_1A15b0{rBK> zxl%q^Jq~m57W_PzM{NMSI+SIegZ;EEf;(a;yE6myA#DOBLo0>5Ni~%?iy>8ku^1&H z&f*9TvJ&a7ylxBLLw0|Yc{(La_#G@CKJ3a-m`W^1(Q}2{*L9H`Uq&4DD%FADsOxo( z(q7A@YL%n@PW51b=mbZ_PT?h)-*(zi>zjmMJMUoXHr_cljS2xe`|JSw?2zm;K>@BR z80cnj$&zwiV~juhZw{O8^}u0yFn^$@(Hurp8u5gALIT}P3+ zRK|Z(zk_I2LT$%<9UtNMo(c+Y5J1+2SE-aSz+ukUd+AlRl!xzeA6R?ck@3RuLanbz zdTu9zd#2h$es5-Ut~OmRalgkctfwMVx6!7Dk#Lo-j8AXMoG2HO!jT!+0?%S*%k^8f z^=-L+D{2S9a&g!Z0{O8FPtO%We7=j^@(N=3Ppb|D!|%`;UVAO+t5t^ozUsjM(Ful+ zo5C@=UJ5+_znY+-tDH%iR1utcogivOm`Q|TmsD6Yo1_X1OL|~4&Bg#?E~; zb}zd^m%%hSDF>QgD10y3+CA6MD@hP6Rvj=wa5kY_lSJBkxqhumg3DDG28d2bg4j8{ z89ObFT);FB1;G%%&4*;vq9@_p&SXG`mC1f=&>_o#kx4LK9Z4@GSjqL{q=|QzAWTnY zeg`_+!+{mNAa?+Jn$H~dCi1uq5!{G;&ipAb(UJ0GZ6<$eXJ+3drK(Vbog6@@3PwpR zyX&=bpT4Ojc0H1x^hjpoTp!)tli7P$7$J91$3$i~d0X>UATp3Mv&I&j+&rkbyJ;7Q;jo+s&rTAmxaNYAe(p1fXlAbHZr zlhNMG(+lZ`sUvG?MLR>QF6_rul_hq+%DD;I+ia z)2ai>$VMuS_FgV}tBm|4)rA3~6O0@?hwo%MOJiX0cBu?J%p5M=qclY;NlRsCXkgLG z&>uB)GUd_?h-8|B5SrNQ?mmIoCbre^8y65oIfBc8PUffJ+#=Sw-SOiunkz%90m&@2Hi@s5HVSwlai^k63?Z|d(k!rw&ou(VU z|7@9Z6w4){-p+Esik0R5!(cf|yBQF9H@6h>bM;K-F?j@T$YXWVD`cRaVE)3ytVO1xgGXzg)V%=PdtXkg?-E; zJ7fg!k?G*V0ujL-Y~Dr2JXkQaXrUE#aK!$|Y^YajB@bl-pwjnx-mDhb;W=>N$sKl{ z)UtO>o;1^U{-KNX{6^x*52+3$Pa63<+IzXqt@7lTR2K$_PVi*x96q1v2w8zoJ4sl? zqn#iv#k5IlV`o~R&C0ZIF_@OJfCfYw&>@(;a3&9xOH*UuTMxyWi{t@5!1KLPZX-c0 z!u`ujJw=rwIBf=TRpcHbX&kzifqYI#B?=b4E@zvv>>zKJ;RC#nOZ0?4n2{Xn?Yb21Ghhvsqs*q4eAlWWjmx;lK#J zg&rjC6-UDhDw$d|jCx&VMfZ*fzTz}{xDSkOC7J!XGcIVouU^5SEEub%rzpC)?AsR z?*w+1d&%Mr_2@ocs*1EA*__adJUa=$>za8BRS1>IoHwvV5n_?7UCUQlx>Bq}9N4jW zTXtYz`?ejVF$Z>Rba2*cxkx56n#o9y?IIz+g_!Y}>OeB1k&UFimuu20GnQ2s28d2D zW9%I6#Rj5@1i)RLA%aB37()h%8Itg5X9i5s$_%DqNeM;+BE#qqN`OP@4d+kw?T5=0 zrM|H73)$k)bmUMn17aW=#p`SVUWnR~tQ^4vZPr+J0vHRLZde$c2ZX`N8W}sfEIVAt z9ia|fqU9HvTw*2|1zn`DzalQVS9Kt{#Kml}lc%x-dX=f=goO0K+nkHoz|( zr4C}7R_Q~rPZEOd?1Q;m+2>=1E};aY0g+*Jv|KDt%+1VI=me&RpxlW~NH#{blv3tq zuT&xZ2a>alR37cUT*p>9>!Yd*14Jh{D|Qa=$h1c`V7ZPE4!8E& zB^||dNw~K&9nfNBx@@ zpnflsX)1-WIaK8@77(d)_>^=>q-b!a>sQz=&( z_%VS)#<=NkW)?rr<9+1-{5XF0h@bUJ5xeelR^$jPh|?AHiC2OwaLEg`>F-}_oe2`9HlQ;abq9W$h2$mM% zSg+@&JYakRzt8eYjbJqjAC)T;xd{(PBPhQM##tj+7Sar(96Z=7-_IR_dI zC2&%IE=RSVbGhv7TqC$7o0ZQ|#D$JG^&j51d++eR>7gu8 zmjFVX4%Xjh6bQXkqu%5))kG;)tpQ_PFF2bj4K_yVW5L34%A+INJGU^A1K7#JsmAoe zU|AkXbvgAYIIDmuE}f{)%;rK?2Enoi2vE?`%p$SGa`psNTdERUsYkO_uRc-Eothyg zU4bhC%T*7^RbMjh8?WV1I*nF{VC8U^3FRArK*T5)NjVc7p4akH1?_$=H~Q(4ty9?w z$R=01}IUl=!titHJ%5e;wx+<6`nC&HhQCM!wyfyql# zkQv3oOrh2oUa=uqHtWsiG*vMYETJc3$c@U81Pj(q*J`uXo&EiITm{{+Qv~J8RDUBl zpIWj3pk)quiQuFfIA<}Q_g%U9S}f7B%H((iJUvn1uae*)QE{COxYDa+VaH8osSn_# zf4VkPL}%yL@?#Kq6Se8a!NtMDAU1%0MmmxH?2|6^L5Re)FF>l%Yk4o1yk$<0#>RTV1^h7mdI&Lm|FCUY|u5 zBn4`P8t~6W_I)78@;FMVgRG;>G>V@LOKJAgzZovXvo&)OYq4}WZ461rIg3tmUr znX&zNoiEG)&a_vU3EN^Izy%H&LRZVMMcrdbmyKXi1-1x81&}(B-J0Fp2-Xnds`VLg z$y`pDOdhywsj!Nwb>vK+0#3%u#UiI*DAe`dk=}399t2z*Omk}6MI994v{Bq+TEiEkijV|Y;YHA1g{Sy3*+^M|9&FP)$;jC zh;F%xkWT6`rv`BPQvM87ItEH1LOtv1s~KG`n=0ZMND-D~mfAq7@*`Sf)=%&T{LYtVCquYKl9to}m0#_EEcZZ1q^>CyC4 zg2lJ7)INHT`^_f2K2{HABtn!Nr14A)Ikk4yF;9j!a83?e7g1QY^PRZ1_j?&(GsJ3C0Jg0>r#X>ZpA9=~|A! zoP@wus07;)2EyYj*lygDeY|{k&*Q;E_cX$9GgBV8;8ZP_FBZ!ubCdPE@1DysgGpQ= z3esF8+B9g=Ju`WnL8uU>8`JAUIE$&D$V2}xX(E56&t|!h1EIz4@7G@Y@1h^?)}90_ z3Z-UlCC*UOUxKS>@<`y$RUn5ojIM>g#Dq#*PeT4e5#rP&2;$yw*ej?FihRIln;cq(!C=)attW+(^vt%9+@yoaV-x6ZqN&iTQ%cZc)jX^&` zv#HLO9!Jb3C$@n4_*T-{GqOX}%R9q9f(w95X2ODrX5izNRy>->PJ3Y7=Db-{mxZM- z2M31*DM>7$@pKh4^n@zSO&0US*x@(Jkl?^Hjlgtp7B)uV+a+|>eHA7lSwoGH5u)A| z{F$ct@4*|qSb{Sfv(W8TX7;LKEyjjxwlIEtu5ll0w@m!b6{c{*p$Cp+kJp%wVe?LT zr{v3pTm))syjloF7;&`c$M%x!+B4 z3YJnbs*;sB>Llou?Vj8jMxi z;~eZ~5Fr%wV4Zz8lYlhVPtQcN*Xcb1=rzFy1>N!TS!87{y&!31EIfL9Me zK8%w)4CPr|f{t_AIkv5*yU*!M#a&C88lw#e6Oc?LOfO^t3!)}t1bEMa@HpuSEB@7vPl=!OUFxONre;QHR!tke4XzpoG#qcX$XiS73@X^uT<4y1Ue<6f}j!VxbmI=L?n zfpHu{QVR}S5We9Pq&L_LD2Wn&fU<(Kn7JWc`Osj$=GX>KC#y9KDL56#U&)=S;$J>v zCi1act~UI)lH8Wl;BUcZFl4a($AILU6$~)8F5_?pGG;PYgTII220@9S2JCe6{Yv)z zN!Ug(ib&JJDCmKmTDTjZ{f8WZcUKqePO5k9qnzTD=gY8BYAH1F*k>Le*qhndXZ0-#WKNsoV~!{RL0K_;eAKao9=`KGh~-o>fujpMKt5X51wLTgShZyS zhm0?lurG-9Kvep|b96`i*VrR-&vrO&&Oz-%Tj0DP^XlxAIAn@?D+O`F-IxtK@UqUgwx70z|3kFAm=-;a8)&5ujgf zCvc%`#>A@JQj#O-qML6&bSN{jdw5^whJC}k4;;E__ujpS_Z>O%$VNDX^VQcPEK{Qx zRIujI?vbI}cMsvyLx*lE7RXPmeYS*L(5J9n!#M_My2Y~-*fZb>Q8kdUoWI6?g5OR= z>odJR=;6M$EHzY)w`PCWLKvSo?$oFu%*o*OaCpqcGQuCN;E&)_1vxX3f2ZjD68?q+ z8UHU{rI^a>lp6OL1Ee;mpfa%Q;Lk7OU)0L8ESLwcFSD$n(;K4SHM~Vs-56k%`4OB| zDvM#Q<{z?mq{Fa{fMvtKTgKnXh$Dm?e|`afu4zAMdhz$?@%O@1?!692AsD_yU)-ip zY{p*-%ozp;eM{k1%ydu;|M(*Hyy86$Zl+pp+RL-uhWwObE@F775XJll2hZeRYp-f>x5pQWj;=7nHbI4v+7!Xh{CupuFJnTTucM6US9;%8aJ-ilMK4 zDcxp`4A*=KD^XSKy-Ic!!_6z?yJqH)Z{m3|9KXU(uvmt&1aX}&L6pjH4$ytN@Cel< zlGe(%;}z65(Bo@@9Hr?9W zYWAA!)6fXfeJ?ab)`##(81{)&6+H;Bk_V_()7=cq$0?Qz?>pPFpleNQtRnX{EP;gA zE5>u&f8L>imb-zmmsyOG^YLo>lD}XiNAWmGN*9s096@wK zAB9+0QVL6q&?a~V5BugwE7eOVoL3~j!9=b$H!HoS%E59zcm)jX6%j?o4K>2A+F(o> zoEyGm4wcp6PuUh`$cX;4e~5 zW(p-lt|~JkY_IjBA+8FWfO7(m8%X47!{iYI;X#t`m#cnw#40#XNcH_#JB7AOR6B~p z5T$^7$#(>vRx{TYA#BFowP0@9=LHHDn?ANR+<;%+U$0jBk;c+LU7(yA^@)bD5H9~_ zW%!MJp}xwfj%3mX#0E-8p@ae4nF7ja#k7=h9Ay}W&@PeC0Fejyl+4n$CTfVZ@5CKg2*?`hh0T*jMY0QV z0lW>)RbvbLd${Z`YzGM%`rvYWy92*AdE!rqx+gp|ZO>H(NwZ8KC67DZM91&=8&x|i}onZY2eLlOBR3~^O)QM7>! zpQ$EIFxdJsC7u9dc8&+p6pZCzH({`vf4fS1!9pkufBao@$2oWfkkcj2ZPkGJ3z#`h zrj0a`9~J^fx#U@BGNJ>BSnh$68u1d;2#SqS8H=w*hYpqS%M!+>_mHA2RF4u?CS*C@J@}Zv$$3YPRf|Z4-X-ee$P)J zXvbWd6ib4!#qR9ZiRg;7_LSJFH@+&ZahSHHf3ec|0#hWvj}$7ajF+&6;1W=*|xt89c5$R%+G9QLLmqBdu^fo~C*t8#sqj zgk`cpDO#&0vzi!MX3}U*Mu`e0OXPdfH>4J@yP5?*NR{FLg&`v@(?QDQoE#-JF@}+R zVnCkJ1*yN{dTgrX2rkvZaajwakShnp>kl(pv7o68xRdZy6J7#>r-UhP5=e=3iG0dl z$sf$G2osRPGh8~Xk*|2N4A4$VUegQt+Y2IZ$C0*F(%zph-%Az5O_zfk1#p(Z#RJ-u zbp%tth%IY~iKXoQ)Z|R`#RcpI&&s5Yi%K^Ozg^9mNGpY>E$SPh3)y?1iY56~85Bxy z)w*B7n!wV`@qk^G(x=EJ3SG-Qqi||b0$~klJPRiASkp87TM8ZX-KtKfylb()BO@y( z@UHFG*08>Lej|K^+y$bIjlZYIBt@mUtN4XuNWQNY>&O&B$_6Y;NoLDf56mNgG~_&y zw|uphy^?!pp0>hdmqu3Svo_2^ra%h>dZ~^q)q@`jp{!ypkfn*lq8d9FWGHREKzI#} z$`WVEB@>+ac>M34#?zyNA=4n080#A(PG+ETI|De4krL;f>=cZ=UUU8d0 ztJ-I$X0y9NI+QCsG}@ScFt}ESY{KGs^dfCPE3)dd`$h)$HG%`lpUDh<(Yg4UrE5C} zVP=Z!Q{*88nC^Ea!{VJ{^D)NLo~kY*WQ)Y=+h&J{X|TJKJCKJF#9+nG?0&?z%5*XN z9)4J%5!{&!W4?pjO=Em{GJLgs>C2snCIbK@^KpoV>2i5OF0Fb`^r7Bo2lFW1k5eM@ z1Eg9f50lyQ2-A~oAR+6|vM5PhUEK~{OO5x~q;#!VdkCE`7vfwX={ak~&C>mfKs8^LgLKM5>#NZga$GFz!3 zq~kRnRYRl1%Z)VAk-%1a_B^T)>`I=e8dpruvfHi6-^U~TcH*y$@s(hAojh?0DXs|z ziREdz+kMn+7sW3Me-}e^sBu!IkCVufo4-AgBfqW+SZ!{KE z|DmZ+IdpC2L!%><{|$%yKK&yb?+c<56r*X~Mo>tGqxwzfMP15>p46vGf;EDfhoCQ| zBO1Z&sr_lk^_Z=!p<8>E9i-F(rn5(}0V%>;8_$kH5;lU@r1t7$9_bj>p=rc{C22)p z9)VNQo8ZKwYt7%)!JA~H)-ZkfHN1(*(V7p9auwYOE;G7lB9K&zO^qR@mjhLP(d1!G zWv5twx&)BW^k=$Mcoa#mzOPi zT+hEX`E#`p>BP`2%GJvQHdAq@?Q}KUESK_s`rC*ZvUPM`Hda5E7n><0qK8`>N%nH1 zrI}}qV4X2X#iyDuY(q=(eNLy14Q+uK;ddIozEQJ?f&>frHl)x~p#ubiN%m5PQ7~y> zSpNZc9|FkZiQE&p+;~t84P-KoVTJX$0GnK_n>ceIo}BH-cM}zjI#@5_TaaJ|Y=nJUbhE?k*Z; zatm=Vd4LJnmU=^y^kL2Niru3MlsAI*H$1|OyuUu?e+OPk9707^0`A2WuJ-IWc|g}j zAEHVMP7-)EDgtw1^d)Y^U`f1qC(rqZ&~S_&wGreA0{NI_S`e&@BC!1Yi98Q!Ge>OX zE%|ln`T3FOJQt{Oa6wc5IKW3AM2A(aP0-_o98Tllj(V_0B;FFf^`A!nP|(4Dfd1j_P|7!Sa|K}g@ zKN0>Kox9TidHCzdGk5#{9sauG!CwDs;jg=X^;rKO!(Wrn`(yuo;jiNdKj(iu{53oE z1^>I@uX_Hk{r7~wP8DzSzaRd(XY6hMcfwy!KG5TTBmDKWYaZr*DExKri;wv~2!H+2 z{tx)y3xD1J?U(ug9R7Olmmcr`SNQ7%>wo5dD*W}LpM2SWF#Pq>u^at=4S&6S?XUe0 zgunjmdw=ZzL-^}+g*W-XmcL%o^Ydl?C&OPmcm22jrSR8{gRl1gBm6b^fq(Y@F8p=- z<-g~DB>Z*!!SDND2!Gx4%18UZ2!B26|Nh+nVEF5W4=(n<8UA|thAaK|hreF)h^+th z@YkDO{YL-u;jg#-<8J@c;jgzJJ;(n{`0JhL|IGh!`0G929q>OJ{(A69xB34W{`$g= zU+{kx{`%$vSNT5*e|`HMFZX{L{`$dNkNQ6efBpPd*ZJ?3zg~LI8;1QKhQF4d^C|zs z;jguKeZ&9v@YfYbU*`WR{Ppm9+5c$x>zcdX?Eh2vD?4zx|HbgvmLI&;|91Fm+t*h3 zp9_EO`04ZfZ-u`ex&7_a4>DGK>9G%u)B~Isht)xz5jxTBzZu*coF@XmRMZ*gs`#N( z9GQccasi3r2T-^TRVf%(Qz(hbE2-*6QbEHROQo6aXY5YRE{$zQikr71K|t+#W7|bT zCj1)`7xc~5vEMZB8UKO=W^yOm7qrXfpO93gPlzn= z|J+XOmk8EA(RV!jQxd^W&6(pJgi(mn}Ehcuc~CyI1P?a?P~kPhicr}2fP zLwdB$&PeGxbrzBiDQ5cOnpmdL7Rjh=x6#&G)w#Q$X?yA-{v&OL)JF-!(c0?6xu2O3 z%_!4duqfph24Y2EhVu^D8_ftv`ZQc5GEC^REe0l%K06%lW_YJ$$k5jhH@?=UhkYy$ z{qgo>>QH-AH$>a>{S5zt%pv<1e80xOAd`u{=t~+?lHwxkias>eoi@0LYle46Rv3L{ zDpu_)pg?X4hlB(tTaCVPMH^Xj)ZQI!WbxU*(9uR#A$_qu32m5%h`~3-**PZ2k|YS% zr9e=zr+(8n%R!L&Ng#H(frzF!a3Ey05|D##K*;y#O{96xIao4(3G9unfaMrgE@%#l zY-a+MNTLeYx_pR86O+co+9=s`KQqdyn*p~G8(o@1i zRPr|lZz=&3bPS$ogF*w}9L1C7Wb7Y|208gs(sqWvHI)Lo)W22USN;+0dg!AjNuz(H zdCK@#v^#2dn6#IoZ%r{TeOOXHH9M_%&$RcVuT2X`ejRZz@=s`k);!pRPr`gM{w;0i z=v#9c<+pN>T4aWQM*BYc>{??PQ$CAyOFKpS-dq*=eRH&e_ewiT`iiR5;{Sy;F865$ zSyGkS<|c|I?q?fP0%o?9roCzzAvf7TGjptMHLlRwnzN8_^;z7{_Q^EJD~;(GCWHP# zus*q+>iK@Q;U=(Vb8VOg&?^j}S}O(8Q4rnFHuudFitw-o*JOi8JAIV*Gfx45Ht{NH zN^cukbJ;|7dp~nDG-F6IZj;D8d{MMd%*8ZlL~CV|yW}0M z!CGUrQ_vA}GtxRxW(mhHx+2FP&1t;zT{W2*=uX-g4@q~yvCdCQATD?amPTr( z`Be;$D70|l$#+T%-x260+amL_6Nr~Un_2O>XPtq|5%GVW?MUO45KZJ%CNw>|6EljD zpWq4dR8tqXccP2tIdqW=lC`mTsns~UasSKJ>>(O!wWYYd|a@IA4|iLs59$TW|H8T+t&bxLdoC2--A{EoAifX zlOYj(eLjDE240i$kG{T0y(VRy@|yHh^!0l6H7S_rYi(#GSfj7!)W}IFMqj^Ey{33x z^mV`LnuiFJ}9mGtQ`vCEr>_7Z6>KTn~!$$G~14fz6V4Lf}gsfm6IN1~}cy1baOd|m4Zn_`#_u<6`K z2z$39Y>IZqz?KUw$IbE%L*OHhz$q>o13ZcpM8nj;?{I`o5!4vi(SehvO97vD1WvKm z7~s)?Q}Szwl)58qips{ojt-nIj_Tw=uvk78Ea+Q_pn^`*@aP9~9_~=_869 z%18`hzt9mjg@j{ZUlJL=9(`7wyxOr73LeLF5}g2@a|$Q$R!7(rW{!dVu*d||zQGg; z?{(~kV$-d4V@QXOId($k!G^>zd80pp>v0R)INnDY7U9u z$Bz9_ygjC$C=qD=7?R}dN4P0z3ev}P6GfZWjVV-CI`%`6{g{5Pj4Y4dk9K}F#NK6& z-BC6`Om`{RGepfbj@?iSK}Rj*GALSjy^p`R%Ljdh_?1ns!G2L7gnU)ej zO2!>_?1Fra4qYgEP+jC4yP$l>m@eev=*|lL;Fvs48q!?Ru|LXii0N;gz*NNB^d>hb8rCBDA!=eDbnJ?9 zNn*N^n=Y*@vlK|UN}q7-h!Rj@I+7-w*-@0-zUg0f9C*;M8=_Fq2C=yd09d+!8{DCnYt%<{?f*zO-me7T|L9GD@rno=}H@t$sq_FuW$9^aa zDyAPvlL`HVc}c3ncRF@RsZ%i>N*h^rC~-Kb4!*0t{@$@K%D0N?>l#7-DSgFE@Y9Z+ zQj%6or;-(9r_I?~YJOjL?26(OFx_2b_m5&Vt}ty!cLr0R-i9(1WmD+7|?VBt}t;lk)yz0XVb09SQZxrOS?k`s8(GM?rmZjIv{(KKU-$5m2AJ zi|qKPPyRo4^wTF79Xs~vlM{^{`Si)Z#g2RW^vS+q$1r`eKiCmWpUeYx{L&|_&5mCBq)gedOP|yoJ96oh z9%9EWebN%_sHIP$n;oS$^oi|Q zhNDl+G5w%VL|n)HoBA=;0M<*R$|G7U%61Z$!s&W1w-A|%2$Y#mu?{HqoS z8a4i_LsLQHd~uv;{N0XFLF1HZ;OtPNw%>z;u-8SF)yV z({G#JS0qn=*fM=d`?px86i@q2XbLh>+HV?~#s@>TPOW^f*8)M~gWV2I1t0K5bK-+_ zj!?k|lnCWU2=06!x5bhV(&8ZjhT6L1r%@+!!hH_Y7n1+!tf?CU+UA5+X$W|O1p$&5 zUTc|DJTEjMDp(igg_yx<-0&(}w^nX=g$07f4S(v;RB!`dI45rSJx8eE2FlfQBL;VF zh$asiiGKf%v9(VAG|Xi3|2K#E3iAIZYw9-Rw#k2iG2`Vorq5W?`x3NEQ)lt?-h>%t z+RF?#8jVKa=i2(Q68J(31dYHKI5ZUm&X>lCz`y3O-~<%}P6?xK%iTVK8~J1-m~ra_ zPQy$l@PiIm6a>DXHFcYD`vh*xc-AswN#HYlC!1p;q1%Xr6vfFaI6S&;FN(o}7JiifxYn{SroXHgaI)@1h3V$_g>Ne%J zDI9xOJ>~V|mMKdT|0l~d;z_&-HEQo_tbj)2e{bu^O5-20K+tIX{SHk9jq}BEqVYd- zgbEs` zOA!fI`3jPM6Km==cC>P(k2SiognL2jt5{RF$+u7IM#O)oWyX@$ud~b| zp4OW%6I>RR>XD_;$o^VemsYYLut3nrKI_m_kUd`|C$eAe2o+>crD5Dwz9VFBM8)SY z%+^IbjX0U?PdH3nkbRXkb(?(qWN*y)Pb@Q*WdD52EaJ(&2{Wl=A4v&#uB}Te*+0hu zK_mNTIW!ey&sWKb>}MUJg6yeOk=x35gzSwt;%70;*2$hmoJ{tga+tax`%kc@Zj*1H z?2Q@!!ZKq?_CK}EBA)Dho*w;`6@Y){l^`lg6yeu zmfOm^lf68u9Ao5|!No`HZHMk@$jNknJzzRoIonuMx7oK%_mOz&ot7y}!v7u1G~x-r z2{pmxDP~SIwEAdUpH|Ah%>qHA{6{%76_n4{$%*o}I6?*GQ!zKUwQryDwGt?1Zqy4g z&ekP94LO1^`JI+2OUi${Wg796--McG%8xDv5u-TO^fp_c zR?2^i1%gKTf8o$nP(EKLC(3`o5h^I3$_u)!y*uScH?|tGjcEHXG0fHppGKTa_&;-) zx*+@?v!-s7Z=3MV{DRB(rO#N>{iSG^rnutiz6mqUrcPujG_t?Q)}@u~FR(z+$bPj$ zQ$hB8m7K`_M-FRGP(k)o?$T}L-N`;`>S(w&L-2QD_N~)B4LO--Mb}fgepkxZBpJmGVzoAZV0db7(3kpRbb><=^fI6_if} zSl!m%o$_0)-uibKZtDy{BTr_4cQ~LxFu-54rfx`Rn*ri;5x#7hx#WW{T4oc^2Td3X zu8Nxcx=_*z>k@?u`{#4EuC46wX$u669sb3ksbB}bYEJC%R!68{2PzQkMhWihkYfKB z@%qfo?XUrjIGGI|2AFA<1L0n}5e^>FUu$jS(de3-3Jz<856H z(9o0V|A`Jb5cL0e*3=CPZPR~3-onc)QVgqI z&zibTzHLS@vl-4FN}sW$|1;4pO`XNle-ma>6+tAi;a3*K1y-{Exdnno_CIlGD#)I% zk`vi~#t|yWo=W_?t-L$gyW9^jXd!_3g{9FZll)BlHbLe#!S37rcRq9&EFWT z8}@3I!gw_^S*~OT!;82xvE@t0I)i~={d%Er`_OBj%3SC}sl~!rC0{F)OM2o?&K*mS zb!aL|kUfSYG^WU%Gxk>QK9MgJ^J7IXGhWPBt6o)AihNp!khN-kUUt$aJ0Y?VD(|Td z6BZQoBtGGoLVsUBD_YPlvD#X&MBMf}Stw$V8w2vPa1M`AKUI|>xmt(|# z4c7VTjS>H~;_vIk-`BIh9a$uU$dw!h7uM3iXpacOwnkQHOm(qrY+>cXIayjiO);3WOdDQIIJk1xxF;*Rcd)u z^PG#o~0g+KhB_0xbB^%?XfO zt()*Ef*jS+L*NY3(fh^U1LE&3;_pH6_mKEI%>H&lckcis8~X|^%h}gS%W~0{-c&&4 z>L$IZ5SX8GkgWt2x|^;{ixV{S5w_AjsMq&Ty>IRJfZNs;ISoBokw4jCy@a^Ehc$J> zg5w^ixy0|P!(OqFA1f3KwYjDX=U!n!01QJ`@b^zGlZxL)Yxr zd7%XYbtWkI1rALGU+~p);)}Z-p@J{yYCkuMaJOmYohM01H$p~V!&qDA2^w}XPkh;7 z{(>jI$eOxgplzO5rtyR^`Gp74ColP70otVr<#>K*LJ~YHqQ-mL(rCPJhOJ*KFZ|MB zDFiS4%%Q2^1-@!dyzn_ksNe;-;{*#!{N?H?f3Rss3Lx~Y4ph~vB$EK zwCI8*Ze&f}5YaYEoUgG&91f-|IFOt%VVRdBu7ay=oS_X;W01V9dn<$7Wr0AQ2?n{t zp{ZaHzJ^W=a)TpOFbG|g>P8pt4B~Lh>YrhRt*ZzcY%)K*%wg7oA6~+my3M<7epnd2 z>+?gFNlONJzhxrv4A6v};3CNY+SW~sNu&4o*m|?l``=k0X!QOLho*ww`5HOV`->c* zg5K%cUbl63r*~P}#z1rQ2G&Klv_tVU++>PB8!*#s2tvG|_%m5kx0$z1@r#E>qto7K znYN_)t1MHAr}-xIsJb?Bi=k2ddRu>1s?S&;XjK0&ho*w+`8qjK{jc1q{*wzr7lo?i}#{`7^7{S{%PRJ^#1_|3<&yvFKgOm`cJ(F z<7g`PXueXw9ev&r%I_#msg3Z}2isu?8g(*5YyeD0Gw9*0X_pyddE)F3S!OS} z;ecgE@!ZgaC3P!K%F+;Zip-LmZQWW~VbB6WV}+X>nhI9ntLDTCS2#iiEBsv-SV7*E zrr~>PHoR?nXjC!6GcnNCH3N+~nGx=Fn7q&oPh(BH%m_X5-d=s;ueVHG^1y2>lZoen zCIqQl(h}E1(EN| z=U5E_(qwbJlOuluxrx7R9{Vfg%6?8wu zns%A)W4u6R%d{os7cEnXr~D@Ls7(5V_0VX)VC&LK`;!(38tsoeG!?YZm&%Fu_c}ra z?f>E-r2VK<$FcJPNx0WI!s;A{;OEi?$dsB+8?t_ThjhNTBZ_D`%UOcru}Aj z&_`@tT511-76=;czt5qmpnbknPPG3DN2s9v4|aj}`$X{FlrzV@O35o`hw}Am72Dv$ zdu~3+o+#^o`EWbDKr=|@g(ZNQW;W1T2wpgsHSIDltW25zfMx!YDYBM1#WO_{o`P(Q zTL>Go#DyYUiB0h}wjo%Vq}KvLW0ET!nhGZ2Yv{xz3mu_?Nxs;(|ddH#v-6V5~D2z~U2tZA2d>H@rh<3)iaPPmGaR9UcRt+( z-iZ%>@Li_b*8B*AY@I=9yvYpmpAHij4DvnJG=@Rub@+D~cX9Bt5_-IE^{pM5ZLoYj z$77Y1keHg)%SEg}AC4+_sY6qdoZZ8k&g(3ATDger9YT!d@a|TJ2@A^D%qQI8auLCc zl8@9Xzgcc-)-04@yh^N>V7B5EBCAWNciA*wPhKykFyh|CB9AS(d_QoDhAbI~HE<&{PoCOF6>kb0{}Wi2h@TkYf>|A90wl zppXyp33phC_6Dzc$fT$ulXyw0-e(ic;NY#ly@O4432!7bE%VRI?>uf~(BXzNuNg{7~Pl=v3Q-?{!Dg?j$6|>{uL+bln*A9QG!?iigx~t+3rx zhj4Koa1lb+COzRk>AXWz!C`kfG!=ZyQR&3Dk7Q6|Q0z{IY4*$?1AOb|Z4=|!Dmp#j zfE&S!_wxyN+@2YmzY>c#Pqd`tv?4`{Ez`H2@tuf-*5G%$HH)E9?y75avkR`Xn@SbE z9ZOD{`W@o$--^HQWPdxMsb3FBHeDcilhfZr#hZ(TBG9DY=P}k!u;jVxg}krouB*>D zU_x->Ct1@NtvJuxYK8gJuMd{lP1bO^HH3#&tiW&LCHUKSU*9@ zeEnLWOH8aF!B0-_yF*=9Un+Jxt9E>|cOYPnqRMn!W^azyzPY_ndBf~QFP%oiK? z1`A>M)+>bu<12$UjeL?+l!v3$)yJG|6jt1yut1=N7V@L&&{RkzzM@W2>3};_&X7(} zuXcnAS@)k^kad}OS+{p^caxC&2u9kvkfT8xgfzWSW62LX%w7n&_pzqk7IHmtGykq- z=2E(S+cKMY>DGjy;EDw4rj1R*;Wuo(T3PF>Eugk-v39;1eJCMxd3M3!bn=o&UX6BX zdeIfhVc9KguylDAGfZ8Ot*~`(#r9GQ1X@}l$a)-_3PHx#&`IR{tA$`_00Js!Iwz>_ zc7zH+_OmVsGVO4`zM52qzDbhhf!5X~8I3wwlHKL7R6>&7!J2kklARYj_208hU2@rz zEz^nTvL+N6C;OAuh3HKjVz|fFt(Cj(ZUMP%%d!hJ+{OyC*E^#5HMaT28fVRDz9vCq z#EnyzX0NpMZ^ie^Ef6$m_ELwYLhkTYbdozK-Jx>EbAo!z5h|qFkGdeuWbMv~Zc_J; zoROQ2ZbE;8A-68oX!OZa?Y|t*Af(z4SW`Et);8mennLUm=AXl)*5!STJ>~XP-DWoCd@fJi#COKu9T)YX; zgfLa#)?u}XaD^#Qw{>sjl8Oa_#wBHkrh-fOLOOBDs3TNx$xph#CGrk+iFZoR7}V}D z3-1p78;rAc)}SFLv&LUJ%w4d?n_1H?v&Qno*?-ws>!J8bRf(hQ;1tyTr`~+n0^31p@Kht*aiNOH)cqzOUofvQ9J=-ZCz2&u#;J1&SCz7HBPXm zU1p8dsTlab77R$P_!G;l;<=&;Q|j7`wDr*#;`z3Itqk#83j~cJp5xF|Fa%#ZCx)mx zLIp#7xC;z%jfjY(AUsA|egT7Soik|s$(-?72SfBD0)E$m0Ld43S|%0G7fpy# zuJ@GH(YWDvY~5P9;n5Zd8aLeL&{S{(UpOaj*yaco-0-U|aKkd8ImQa5l2J_h#TZxX z%7KQMO!_Z$n5$3@FJMh$NPk`jX|LYHrS{V{PUxi7R87?qWVhk2up*6WtP+Sk@sNDpeH3H$gFQd&hLxS`dFnK!sUqSeohd)ZSIRQ#Cv zZR;(gmEED0 z*NVTd6MtXN{&qt1J{OQ|5?<&?&XG$W2_y}a6$Z$qK`UYLdd3nU`=Cm z-8_#J?X&S<%z+^(rc{zgBbW~yb-=I54*W5uO;r37_O}z%_iYE93+m%IZ-M&Kn+mAh zYDsS@H1Jl(vBK{Ar!LritHpL+zdu>oJR2X~4r|ajla0Tt0MjNK1VgN6O=B2hUVHlU zj~1$RWC-vRPtAwT_jhK}!3FD2=p9LOPfwEC=Z=d#4ow9~-N>3g_erlhgZ*FEjz=Hw z5TY#B-L%8Z1;Kc%X$-;4Q-TgBOHiG0q>ZOP%W4;K?=9qM7vBg*I|EP401FOu1|%6L z(OMz*1FIyUpDq4AhyCq@pnfV_ul)4#dm6pdEAMPfufhK=!2j0be;41$SVf3bzO+sv zmD7KEQvsDrnDnNCt1^ybg`oao7Xw|-XdzfV~(wz47r>W;cEB%v-w zXglT;CzK6YaI7OV5+s!kIRo$=)%q_T@FSS+XAVsTD|1vjvGQj**1P5P*wP_XTl8YT zJH|J$rZF5kPraC;bQHTtt*D-4VL#!NcS^m8^~1`Zpi zm0JqFf3GtL3ARwFI1S}3#^Ar>j>B&`G!?}7b&l@&5Y+13C-Q}2eyr$aChMhfig9Vt zzLk&Z2ss67*5_q6eX1KxHZDU)Ha#O~>^#;qhQ{V;yc|u{^V-tqXa<^y)Lvzke^egT zYXrA<0`OqDG+98-{j6rz0n!&-pC9sesBQV0u%*y&rI3bb<<1^116fuS#U*mdKP-I;033wyr~H zh{-yn;IJ-&zb9GK82+A@4!QaWKQ`Ht@_1%vFoDc1f#epo#=Y)XdzwSj|JU2KK*?2< z>4Z$)w<{a&H32CUp+j7j=@`5$qiuI6#FgsGaF-t=5$wM)gdCneYV zaN$5qJ&qfDrme_l28VCjaXuTY)bZ+>@-Cb}_(~p-+ClfNoW3a!x(f%|w_cw}kzv(( zeM|)Hdajq-r3G`ivN?X?zAogKZ_TmG3Pyxe8}3by!9DFTn8vCCJ$VrKFJ{q{o`rYb zcz*AwH(4t*FL;6f1wCV>@^Et~m^+f^MQd(rhJpo^{2sm1O0#BhFT{235sq9~GgQb7 z6^^DKrpTD8c`{?E>c|%)2Gf}sEI2z~^)e%+eAQV+`Wy3|u5PoTahO>TNY+jnKbHau zrRUGe{B?C6K!4@(amx4wc&A#%Gkapnc*SL%haakpWyYpZ#>qhySJ^Bi2UR`6N2aei z*j9-qF*A_4gjcyLwLBluyU(@l+s5)-hGyCdl|k1E+x-A9=V^JaE#Lhz>+BSTp|tEw z5j16MnsT_pd!;TGYqZ>T@Je8fTL-6pdEJ0xd2bC82Fkkzco9=daH`pGdH`}Mf-1dv zqr_@DEzZ2{S9+Bzi{2iq9*u6`F~7I089Ojsn<8&Y58f{G7Hw_f#uBOZV8tbqqkL<2 zraY11q5#vd163G8Q3szvRffOnI4E+QUq1{@NtP*R3D~? z&q)@aZ@hH)oaEy3K#EK&Mfqxqpf4>x8!SGLzjXL)aPfI8MWz)#zfKV}gimsprFu76 zJ(GiWua!FZ{E2EUUn;e1B3u2&E_7szdW$Y|r?pze>{G5_943Os^ja}17^y4c!8^Sx z>cxsT9`3JR-JM)lT;@)$UztAFr=|$1lwf0uph~qQmj7R>b%?Vd2J1$6zh=0 zxh_RerH${9C{ClJT*Dt#s4s_;5xc89h}jQ}Iw5vP3K*0!{ZopdA;gj^rK-PDMU#Ve zuWOjgbrz>N*gp8byMg#T>?;<0oqGDC6nH6U9~MDV*3N*6>L)XmUH!S4rY;T&E;Jf9?a9nhPcD8Bbjr`k-_09f~wlELIj=8h+*zU=xHX# zY-QNg9SoF-(8b_2DKe%i!x<@pb`68Y;m_SH6rG7B(Y>M7g5_S2sVC9+Ep#1XWt}DT!WGi&7)Caz_W0 zzTXX$4&zVGbz!ta=s=2WE2a5Pil8BclB=Yuy;2pEgNABva!|!p4n&fJDz0sp6H}Mw zqR?hwtLn?%)Po4SGHI-c<1)F_tSa&A-yESo6+QkCv~DS~zl%K_aMPZ7;8bOX(-X{)D< z=f9-@N#S{Sil8Aple)!=4_8S`^p7-sag zZ%_?zE<|%!Xv(q2tQ0|&X3Y>mV>Byue{@`8TN;Djx^AGiHn|y%MX)~wEK13aOA)kd z2=;YoL1Qr7-VF@XyAIWq zx#KU}HeB6}k~yx|{n({A;WnV|9N!sgy(ISB8Zj{CmZ4a<ECr>xRi+>F4^@q7oJ5dG38ikL5iSCi{^@;(-|wpw~>8V#f?So z$xs^>r+6YlxrYG(5|7!^Oj1*lON|~&gIKA$Hn4LCO5XEP6;f2js(_N#{SM^G)fzAf4|^=cm$nQab-Gov%yhC(?OdI$x8{qtf}R zbbcwFA4}(9IJ4*n()kmd+4Mu{`@MAjA{|^4&LHC=WOi`>D?7OFk{w*|#||zrV+VIO zv4e|#nDw{e^oXO3*@q)2SptqDVjoVFU(q-Fc%*YFD5b-JY(H}sb26={wM?efOzqo@ReF@|qkS~MGd@YlM zn0NvU1j7v|gzHZTcb^b0KJf%Xc!|T^#mVl3W8Dd7x)Tm`C!FR^ILe)HjyvHHcftwo zgyY)@r)i6$v^@bbIN|(Oad<1?l6GIdRgLCrSmuaEOaI z!G&;q3*qb*Pm~p2Vkf=WMo-v7PuM_D*ga3!I`0(@Ak6Q1CmTHl@&}NoL7oBmBgo%) z1C>_~mhLLD(J@ym=PKTCy;vF*Wr(u7fmxs|_lrWbK9r{Qp;)aC#R?y)(|%FD)`x<& zK9soiq3Ep-I$(WJ2J3@1zz5~nFSG$Z)SUf7EvygvVSP{(>w}`e2gTVhG{*X%I@Sjr zvOXx2^+Btw4_XBuYTSOIUe*Uavpy)C^+Dm_LlxaGG|&2=g4PFJv_2@M^+7wW4{BGQvSRZPO^`Y8WAF2&}X!7=p`eS{lNY;lMWqqhx)`vP~eW+&a zD;!{Tv_Dbh)KgSE^%K=k{X`{HKT#Fs&w8*3+f=zaiiWk?yrCH^lP#_{8hW~5v^>r` z_jr#|9yK**F5L#y=L0dTdEock=M&+0pXI1b?g4#QxY|NwK=qa|8In{M<-^ z8Q1u$X0SZ`B#XPj3Uh{P&Ab?U zF)w;A3lG-d_OB#H`VInp-I=&8OmV{S&2T!t^&+$+u1B>buQjetD@KM!!n)|mv`I4b z)u1}%(b!rF2A)RBYQFp@%2sW&aFA6`#9cuO4~$$bAHEJ~DtvHzkm7@(ui?Wbl*~w% zkWP@eW=CFoiZnyP9dfxhVN=VyFZCv zYff?0ze*qGHHOb|?hQ^!43AVbOefHdr#WM)WH_(pdzO+Iwx$r*GN}||u4VZ2CDkA2 zNJg$ot6S1&zaMaG6{c{Ods3}R&E2VMm>F8`Ns67CyHjs4;WXU)6YEWw{hIdBxU~s0 zS<64MrO4VfBZj_}zkQi?+Yd~U4gbER+8SoxTCxs%rw(K0ZMgR**5NSwgw(q=8&i72 zf4x&h+v<5(%&{$n;N-$#rfUIK4ve(Er1~C~l7N-d3SdFPaNpq8=9HN^u6<@)ZaOzu z`7rYOlG=vUxp7(yHT^HF4~`x$kJd}x8F~n#+bi1^G=q!`GtiO)Cx~i@Fr(x|C$P0e z*p{smM6tz!kHLb^KQ0x;%@?(O>du&G3AmTcaBb7ryN~1Uo>B6!vSj29IPzkZ%4N#3 zj!`JNk6l@gPGRZF$l2(~*=d%SJ7%rFgE-4dYZg|@jMQFvuzysHEd|cg;Yx^om{k`7 zD8#VrW_TXEWrsYfzXMm@hljYTL;e+CtmC z0@h89gyTBv4WE+F-1Rsp%ss3uiLrE)%R*8|kOxh|dd)ySaTVl*^-? zM3+oR7N3o3G^fr6$%c7r`B*47^3RaCzsMA<@05a8?m7)vr8jBVhAorc=(c*PR=hG_ zDe}sIEUy=tsC)CJL#Ics+@rJZZ5ac^=^%G(;ZZ}FFq{|J2rDU4Njf9PR+(Zgm+R}#^rd8w;Sn0|kYtfgjY$-l)l#Hvk6^8` z**(FYQJ*58dYs6`?+Ud%LK)nsMYqqOjcIeH2Q_VlM6v|So6XWX%+b=9ozu&@d2*P9 zGWCkinR24qTpb@@!cN#owqQx*Y{|94Q|y3S-=_drdHGSQczn^YqO?)1C_9l0%p5-25P<= zVW6KY2C$$>2C6?X6J~dw*9=yLlM#BUSi!_5Ssl@m8QZ1ulq<~0d8OFEswUa2j=Z^HH4X`K`_zy1T%_HFmp5rMv4Z(#Lys^2O5OM{RUxSzCl=4 z_X$hlK4Ag7L0Eon5SEG?goWM)VL`S*SU7DE7C0M(Wyl6$v9Li{)bj~TZ$4p3tU*}1 zY7iEb8sb|4Us(Qq!m^4_SnTi#OA$U{X`n%v%r^*A?*?I_+#pP08-yulgD?$j5Tv9&;#--9_*AAL?DoE}!u!Ii?F);wFKo=duo(N|8yUZFz_064qYbA>GoCE7 zzF6yAu%bFyC{FCnN}FvpJGqa?Srg4*q1?H5F5mXHuX&>~2GV|5?`8`FVAHQPuW1G= zRr9IsU2O6bWg&DB3KdqX^@k3jb%ugqjg4dMU<@!b`^I?`*cl zqklDW^b}u5ikSOUTxctOFd|bAG}}ebcH~F*n6&6tUo(qYI8muVt)ZJEsoB_qbCf~c z6`HL)>3)-gv)=`fH5-zpLY5fuaN1KsMx zklK|Xk|Spw2527WI}U@euIV%jGlPqD0m;U2M0ZBNb~wg^jTGO9Q%+~ZeF=Oi{y}iwvGvlCOywFX|s{1GwV+7TnnGFN@^AuX44EVrtom_bd~B3 zT+%S6K~9^joqF2Sj;m9S82D39BwZUiqzlcYW2%f}NIOk>^eRxh^z1ZiNg6K9L}*?l zS!Z@gmSyCo&OVK>r%O#D^_bcgzcz0weZ{1kc7b!oTAyuUWb5T0n;UQCUs?rPxi78D93|rc3G(wNI9iFXrSCuGCjp=2P zMCn@8oNS8c1`g+lc~+$q zD?)TyB&C}=rL>h_w)KHdtr0-Cn$(`%iTgzz&BU5L*0ShTk@S1hmymrCiJ;p}9$&2a zSCtD^=jg0RzP6>ym#l#onokH+URob(5REYUtVw@-b0TY%jt3hxZRSKe!>{M602K1({wS$)>g-wPe%APhv&iG8xmO#`b))2{x3V zH$-#fbmT5Xj?Gnbz)Cc|DUv0pBWc4xtPbgW=oP?*89i(=<@CbsIJM?Vu*pYrmENGM z(t`zd^1x``E zS`4_l9AQPK@ksJ?Kiej@=m{NLRfHQoZW5x~gf^_KjZ}dTyE9!8Nzqv?fVJeuuxU-2 zd7;y2_|r2cje2UL)2NFxCW|mqQ$3PA-Mu7m$fn^+&znT)<{^P)By%ur)4oXRwzhy5 zlM=%!E}7<~2GPi&S)+O~ts4)W-WUV5Dq@(y>8eO7wW*>#gKP?(w7{fjvC6hGp6JBG zK2F!Lc&D4xLDiCs4hl;+T^kOn%~0+nU5AI^oBVM2WhxciJgdRA4h`Ejy(b)cg$?br zdpZWp*z~?|44rfZn+^&SHN8I^R8OGwWF|(xVVI^5akTLIi*68NVwwgji5vBrQqh$y zj+MSNSt*K0%*{y5d}FPaop0fXGDzV-;SgJlb-INEU&U6(bGRDO9f-MboA_kk8YIo~ zR$)$Ij%e0t3qo(;6v}PhVhPK>{k(l^Mp*Xk7wua!hO%$JY~PvzlYP6CMJl;QDec=s z>|3LU_U%gh)@Yr5dxU*!w9LMJnSEdTe;oQZQ{6tlry2NLo?UknHOE`3}Bv;D6d0(!k0(fkMriIuvJeS#e6}~t* zn0>zB4x=(%ip=6Yy#c>2V{(1-y5{ipO}>h?JSx+{sopnWe1$pmdJfjt5;r(lYFef} z_YsHtoT`_vj1-zwFplBm+jK5$m-uWRa}4`$cA$~X#;KMk3~r(p5kXZ{*M6-=jB+2a8Iq9XY-?eJnf4SGio*tnw~$x`rk0 z=Y7_rC2_Pvlitb?f<>FldnQWd{3zH~C9hz4xl$Y}PUK5Dk%k-}YRzd1=GS=Vb53n7 z4;J!n>Kre8*Sx*Z)?nfIzG@8*_%M)WaG3D%A#PQ#BKNtCWw9}x4-DBh$~&j|@i{W6 z-gF%-87YsCmnX*amEAc;bzjqGE#5V*e=p-)^989n7Uxai;!R%LznUA`VDV_ND&AE0 zP1N$N@Ymq!a=z^^$9vg#^S3e_qr$mih70SJQm#5u;4ASs`nwQN&xzHv%z0*h(k|8Pw575SW+w2IAMHNM#0OEdKH$l1iyIWHg9wvDU|u7 zl%ZgmepD^h$8s1G^TYXt+IT6)9cI2s9|W&McJW62iE@qEq4E{QxVaH5-BYfNR{0yu zN^ZP3!QUG-2Or=XT_5H%%WA9`0*#M@!D4=x8|4r3$BUe6&g89vEs!Yg+Q)L=%oSVU zf;^4lI$ExyXo?fe*yHRkmiL$D zz@4~A8o?6vGbg@Z0r;Qebn&4<{6Cmi@g~a^PA(&|lv@kFvT&r9tK}KtOIfOcCVRmrPhEuhC{4~<< zZzny5V|)4aV0j1yG#9d4h#*G)%o1bMdmq23qiA;N=)oNJ6#1q!e5rE{%jY%F zF(4-_V$uh)`fw(zK)!Y;llwtFypqXHAS>`R4o1aj{>Cij3`0I~(-8j!0&J`eIQAio=6@*9vVL8>5kf_w_(5s;sQ%sr7w56FkJ zOl|^s0pxj*S3%_IAfH5#TR^t1XL2scCqO<1@-WEvKsF-q29VW&eH9ZvE(2v!+czo8 zT9k?}O2ikX;fs>+MJf2A1bl(MFOc^I>b^kS7ijweX_Um)fSw0wb-FHrIYLYy{+!xzZ-0u^5%;tMo# zFV47MFD%1wRVd)eJq(9Xz$PC`CKWKdh<^zMyb-^I0)8F(C=~Fc&_|(w8R(->z;EG~ zP{2c>k3s==;C=Wd6mU5-PAK3${1OWI z8T=9o_ym3l1w6$l;79RGDBuF4fS2NzP{7;pODN!=QNUaAODN!v@Cyn^Te#r)q#DzM zspD4YYB7ur7Uk=;vVJL>b@z!porN3wrSh1XTqx+FEe}oT`ED?JD~n%-~Gb9Tko)%qkpHm{lJpRF3v1 z`SDRRB3V2*MRQVEU6@HH@~cy+Fz=P_;27N)cn^$fGmP{0h2oYWK^ycAeb+L_~Ny0k`c4;3K6Yv znTSK1nFY^!53bYCL}b-E&@b4>iTb5<9+l2-r1O|`WaXyE*~htl0uFzn#tuEjMAlOJ zBmZPR&kBdfgNv&?E%8kKbcTUE^Tr79LOm!`{xgG#cGDf z=oxO{JU-HD#2d}pA>2AIegGM+pGQ+ahfAu*!R(TErB_0`)q_sG8T6b#bl&!+siuXa kf*vv69-N8OiPuVg^cT+g5IrYhc!8Zf9mKDOWE+tEKS`!zHUIzs literal 0 HcmV?d00001 diff --git a/docs/build/html/.buildinfo b/docs/build/html/.buildinfo index 78a50b8..07f886b 100644 --- a/docs/build/html/.buildinfo +++ b/docs/build/html/.buildinfo @@ -1,4 +1,4 @@ # Sphinx build info version 1 # This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. -config: e005a9a01c1ee86b9ab7af5d4e430bec +config: 1ac7d38d423f86275c5551f90dadb548 tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.BBQ.html b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.BBQ.html index fc3ae89..8fbccf6 100644 --- a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.BBQ.html +++ b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.BBQ.html @@ -1,57 +1,195 @@ - - + + + + - netcal.binning.BBQ — calibration-framework 1.2.1 documentation - - + + + netcal.binning.BBQ — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - -

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

netcal.binning.BBQ

+
+
+class netcal.binning.BBQ(score_function: str = 'BIC', equal_intervals: bool = True, detection: bool = False, independent_probabilities: bool = False)
+

Bayesian Binning into Quantiles (BBQ). +This method has been proposed by [1]. +This method utilizes multiple HistogramBinning instances with different amounts of bins and computes a weighted sum of all methods to obtain a well-calibrated confidence estimate. The scoring function “BDeu”, which is proposed in the original paper, is currently not supported.

@@ -77,7 +215,7 @@

netcal.binning.BBQ -
Parameters
+
Parameters:
  • score_function (str, default='BIC') – define score functions: - ‘BIC’: Bayesian-Information-Criterion @@ -95,22 +233,19 @@

    netcal.binning.BBQReferences

    -
    -
    1
    -

    Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: +

    -
    + +

    Methods

    - ---- +
    - + @@ -129,235 +264,58 @@

    netcal.binning.BBQ

    - + - - - - +

    __init__([score_function, equal_intervals, …])

    __init__([score_function, equal_intervals, ...])

    Constructor.

    clear()

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    transform(X)

    transform(X)

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray) → BBQ
    -

    Build BBQ calibration model.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    -
    -
    Returns
    -

    Instance of class BBQ.

    -
    -
    Return type
    -

    BBQ

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.binning.BBQ.BBQ
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -transform(X: numpy.ndarray) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with uncalibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Returns
    -

    NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Return type
    -

    np.ndarray, shape=(n_samples, [n_classes])

    -
    -
    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.ENIR.html b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.ENIR.html index f69f595..08dcd98 100644 --- a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.ENIR.html +++ b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.ENIR.html @@ -1,57 +1,195 @@ - - + + + + - netcal.binning.ENIR — calibration-framework 1.2.1 documentation - - + + + netcal.binning.ENIR — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.binning.ENIR

+
+
+class netcal.binning.ENIR(score_function: str = 'BIC', quick_init: bool = True, detection: bool = False, independent_probabilities: bool = False)
+

Ensemble of Near Isotonic Regression (ENIR) models. +This method has initially been proposed by [1]. +These models allow - in contrast to standard IsotonicRegression method - a violation of the monotony restrictions. Using the modified Pool-Adjacent-Violators Algorithm (mPAVA), this method build multiple Near Isotonic Regression models and weights them by a certain score function.

@@ -77,7 +215,7 @@

netcal.binning.ENIR -
Parameters
+
Parameters:
  • score_function (str, default='BIC') – define score functions: - ‘BIC’: Bayesian-Information-Criterion @@ -94,22 +232,19 @@

    netcal.binning.ENIRReferences

    -
    -
    1
    -

    Naeini, Mahdi Pakdaman, and Gregory F. Cooper: +

    -
    + +

    Methods

    - ---- +
    - + @@ -128,235 +263,58 @@

    netcal.binning.ENIR

    - + - - - - +

    __init__([score_function, quick_init, …])

    __init__([score_function, quick_init, ...])

    Constructor.

    clear()

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    transform(X)

    transform(X)

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray) → ENIR
    -

    Build ENIR calibration model.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    -
    -
    Returns
    -

    Instance of class ENIR.

    -
    -
    Return type
    -

    ENIR

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.binning.ENIR.ENIR
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -transform(X: numpy.ndarray) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with uncalibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Returns
    -

    NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Return type
    -

    np.ndarray, shape=(n_samples, [n_classes])

    -
    -
    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.HistogramBinning.html b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.HistogramBinning.html index 74993a5..d1ad927 100644 --- a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.HistogramBinning.html +++ b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.HistogramBinning.html @@ -1,64 +1,201 @@ - - + + + + - netcal.binning.HistogramBinning — calibration-framework 1.2.1 documentation - - + + + netcal.binning.HistogramBinning — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.binning.HistogramBinning

+
+
+class netcal.binning.HistogramBinning(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, independent_probabilities: bool = False)
+

Simple Histogram Binning calibration method. +This method has been proposed by [1]. +Each prediction is sorted into a bin and assigned its calibrated confidence estimate. This method normally works for binary -classification. For multiclass classification, this method is applied into a 1-vs-all manner 2.

+classification. For multiclass classification, this method is applied into a 1-vs-all manner [2].

The bin boundaries are either chosen to be equal length intervals or to equalize the number of samples in each bin.

On object detection, use a multidimensional binning to include additional information of the box -regression branch 3.

+regression branch [3].

-
Parameters
+
Parameters:
  • bins (int or iterable, default: 10) – Number of bins used by the Histogram Binning. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). @@ -76,33 +213,32 @@

    netcal.binning.HistogramBinningReferences

    -
    -
    1
    -

    Zadrozny, Bianca and Elkan, Charles: +

    -
    2
    -

    Zadrozny, Bianca and Elkan, Charles: + +

    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    +The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    + +

    Methods

    - ---- +
    - + @@ -124,256 +260,58 @@

    netcal.binning.HistogramBinning

    - + - - - - +

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Create an instance of HistogramBinning.

    clear()

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    transform(X[, num_samples, random_state])

    transform(X[, num_samples, random_state])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = False, log_dir: str = None) → HistogramBinning
    -

    Function call to build the calibration model.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number (only for compatibility here)

    • -
    -
    -
    Returns
    -

    Instance of class HistogramBinning.

    -
    -
    Return type
    -

    HistogramBinning

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_degrees_of_freedom() → int
    -

    Needed for BIC. Returns the degree of freedom. This simply returns the -number of bins.

    -
    -
    Returns
    -

    Integer with degree of freedom.

    -
    -
    Return type
    -

    int

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1, random_state: int = None) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with uncalibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference - only for compatibility and -not used by Histogram Binning!

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Return type
    -

    np.ndarray, shape=(n_samples, [n_classes])

    -
    -
    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.html b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.html index 2730ce3..24fd153 100644 --- a/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.html +++ b/docs/build/html/_autosummary/_autosummary_binning/netcal.binning.IsotonicRegression.html @@ -1,61 +1,198 @@ - - + + + + - netcal.binning.IsotonicRegression — calibration-framework 1.2.1 documentation - - + + + netcal.binning.IsotonicRegression — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.binning.IsotonicRegression

+
+
+class netcal.binning.IsotonicRegression(detection: bool = False, independent_probabilities: bool = False)
+

Isotonic Regression method. +This method has initially been proposed by [1]. +This method is similar to HistogramBinning but with dynamic bin sizes and boundaries. A piecewise constant function gets fit to ground truth labels sorted by given confidence estimates.

-
Parameters
+
Parameters:
  • detection (bool, default: False) – If False, the input array ‘X’ is treated as multi-class confidence input (softmax) with shape (n_samples, [n_classes]). @@ -68,20 +205,17 @@

    netcal.binning.IsotonicRegressionReferences

    -
    -
    1
    -

    Zadrozny, Bianca and Elkan, Charles: +

    -
    + +

    Methods

    - ---- +
    @@ -102,235 +236,58 @@

    netcal.binning.IsotonicRegression

    - + - - - - +

    __init__([detection, independent_probabilities])

    Create an instance of IsotonicRegression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    transform(X)

    transform(X)

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray) → IsotonicRegression
    -

    Build Isotonic Regression model.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    -
    -
    Returns
    -

    Instance of class IsotonicRegression.

    -
    -
    Return type
    -

    IsotonicRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -transform(X: numpy.ndarray)
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with uncalibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Returns
    -

    NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax).

    -
    -
    Return type
    -

    np.ndarray, shape=(n_samples, [n_classes])

    -
    -
    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ACE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ACE.html index 88a705b..bee76a8 100644 --- a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ACE.html +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ACE.html @@ -1,68 +1,213 @@ - - + + + + - netcal.metrics.ACE — calibration-framework 1.2.1 documentation - - + + + netcal.metrics.ACE — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.ACE

+
+
+class netcal.metrics.ACE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Average Calibration Error (ACE) for classification and Detection Average Calibration Error (D-ACE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Average Calibration Error (D-ACE) +[2] on object detection tasks. This metrics measures the average difference between accuracy and confidence by +grouping all samples into \(B\) bins and calculating

-\[ACE = \frac{1}{K} \sum_{i=1}^K |\text{acc}_i - \text{conf}_i| ,\]
-

where \(\text{acc}_i\) and \(\text{conf}_i\) denote the accuracy and average confidence in the i-th bin. -The main difference to ECE is that each bin is weighted equally.

+\[ACE = \frac{1}{B} \sum_{b=1}^B |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the b-th bin. +The main difference to netcal.regression.confidence.ECE is that each bin is weighted equally.

-
Parameters
+
Parameters:
    -
  • bins (int or iterable, default: 10) – Number of bins used by the Histogram Binning. +

  • bins (int or iterable, default: 10) – Number of bins used by the ACE. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize @@ -76,234 +221,90 @@

    netcal.metrics.ACEReferences

    -
    -
    1
    -

    Neumann, Lukas, Andrew Zisserman, and Andrea Vedaldi: +

    -
    2
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    - + - + + + + - + - + - + - - -

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Constructor.

    binning(bin_bounds, samples, *values[, nan])

    Perform binning on value (and all additional values passed) based on samples.

    measure(X, y[, batched, uncertainty, …])

    frequency(X, y[, batched, uncertainty])

    Measure the frequency of each point by binning.

    measure(X, y[, batched, uncertainty, ...])

    Measure calibration by given predictions with confidence and the according ground truth.

    prepare(X, y[, batched, uncertainty])

    prepare(X, y[, batched, uncertainty])

    Check input data.

    process(metric, acc_hist, conf_hist, …)

    process(metric, acc_hist, conf_hist, ...)

    Determine miscalibration based on passed histograms.

    reduce(histogram, distribution, axis[, …])

    reduce(histogram, distribution, axis[, ...])

    Calculate the weighted mean on a given histogram based on a dedicated data distribution.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    -
    -
    -binning(bin_bounds: List, samples: numpy.ndarray, *values: Iterable, nan: float = 0.0) → Tuple
    -

    Perform binning on value (and all additional values passed) based on samples.

    -
    -
    Parameters
    -
      -
    • bin_bounds (list, length=samples.shape[1]) – Binning boundaries used for each dimension given in ‘samples’ parameter.

    • -
    • samples (np.ndarray of shape (n_samples, n_features)) – Array used to group all samples into bins.

    • -
    • *values (instances np.ndarray of shape (n_samples, 1)) – Arrays whose values are binned.

    • -
    • nan (float, optional default: 0.0) – If a bin has no samples or less than defined sample_threshold, the according bin is marked as -NaN. Specify fill float to insert instead of NaN.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length equal to the amount of passed value arrays with binning schemes and an additional histogram

    • -
    • with number of samples in each bin as well as an index tuple containing the bin indices.

    • -
    -

    -
    -
    -
    - -
    -
    -measure(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None, return_map: bool = False, return_num_samples: bool = False, return_uncertainty_map: bool = False) → Union[float, Tuple]
    -

    Measure calibration by given predictions with confidence and the according ground truth. -Assume binary predictions with y=1.

    -
    -
    Parameters
    -
      -
    • X (iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged. -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

    • -
    • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

    • -
    • uncertainty (str, optional, default: False) –

      Define uncertainty handling if input X has been sampled e.g. by Monte-Carlo dropout or similar methods -that output an ensemble of predictions per sample. Choose one of the following options: -- flatten: treat everything as a separate prediction - this option will yield into a slightly better

      -
      -

      calibration performance but without the visualization of a prediction interval.

      -
      -
        -
      • -
        mean: compute Monte-Carlo integration to obtain a simple confidence estimate for a sample

        (mean) with a standard deviation that is visualized.

        -
        -
        -
      • -
      -

    • -
    • return_map (bool, optional, default: False) – If True, return map with miscalibration metric separated into all remaining dimension bins.

    • -
    • return_num_samples (bool, optional, default: False) – If True, also return the number of samples in each bin.

    • -
    • return_uncertainty_map (bool, optional, default: False) – If True, also return the average deviation of the confidence within each bin.

    • -
    -
    -
    Returns
    -

    Always returns Average Calibration Error. -If ‘return_map’ is True, return tuple and append miscalibration map over all bins. -If ‘return_num_samples’ is True, return tuple and append the number of samples in each bin (excluding confidence dimension). -If ‘return_uncertainty’ is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension).

    -
    -
    Return type
    -

    float or tuple of (float, np.ndarray, [np.ndarray, [np.ndarray]])

    -
    -
    -
    - -
    -
    -prepare(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None) → Tuple[List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List, int]
    -

    Check input data. For detailed documentation of the input parameters, check “_measure” method.

    -
    - -
    -
    -process(metric: str, acc_hist: numpy.ndarray, conf_hist: numpy.ndarray, variance_hist: numpy.ndarray, num_samples_hist: numpy.ndarray) → Tuple[float, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray]
    -

    Determine miscalibration based on passed histograms.

    -
    -
    Parameters
    -
      -
    • metric (str) – Identifier to specify the used metric. Must be one of ‘ace’, ‘ece’ or ‘mce’.

    • -
    • acc_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average accuracy in each bin.

    • -
    • conf_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average confidence in each bin.

    • -
    • variance_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average variance in each bin. This array is currently not used but -might be utilized in the future.

    • -
    • num_samples_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with number of samples in each bin.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length 6 (miscalibration score, miscalibration map, accuracy map, confidence map, variance map, num samples map)

    • -
    • All maps without confidence dimension.

    • -
    -

    -
    -
    -
    - -
    -
    -reduce(histogram: numpy.ndarray, distribution: numpy.ndarray, axis: int, reduce_result: Tuple = None)
    -

    Calculate the weighted mean on a given histogram based on a dedicated data distribution. -If ‘reduce_result’ is given, reuse the data distribution of the previous result instead of the distribution -given by ‘distribution’ parameter.

    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[Iterable[int], int]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter -‘axes_to_keep’ even if the dimension is of size 1.

    -

- -
+ +
+
+
- - - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ECE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ECE.html index 32e59fb..3e16534 100644 --- a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ECE.html +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ECE.html @@ -1,69 +1,213 @@ - - + + + + - netcal.metrics.ECE — calibration-framework 1.2.1 documentation - - + + + netcal.metrics.ECE — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.ECE

+
+
+class netcal.metrics.ECE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Expected Calibration Error (ECE) for classification and Detection Expected Calibration Error (D-ECE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Expected Calibration Error (D-ECE) on object +detection tasks [2]. This metrics measures the expected difference between accuracy/precision and confidence +by grouping all samples (size \(N\)) into \(B\) bins, so that the ECE is computed by

-\[ECE = \sum_{i=1}^K \frac{|B_i|}{N} |\text{acc}_i - \text{conf}_i| ,\]
-

where \(\text{acc}_i\) and \(\text{conf}_i\) denote the accuracy and average confidence in the i-th bin -and \(|B_i|\) denote the number of samples in bin \(B_i\).

+\[ECE = \sum_{b=1}^B \frac{N_b}{N} |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the i-th bin +and \(N_b\) denote the number of samples in bin \(b\).

-
Parameters
+
Parameters:
    -
  • bins (int or iterable, default: 10) – Number of bins used by the Histogram Binning. +

  • bins (int or iterable, default: 10) – Number of bins used by the Expected Calibration Error. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize @@ -77,234 +221,90 @@

    netcal.metrics.ECEReferences

    -
    -
    1
    -

    Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: +

    -
    2
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    - + - + + + + - + - + - + - - -

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Constructor.

    binning(bin_bounds, samples, *values[, nan])

    Perform binning on value (and all additional values passed) based on samples.

    measure(X, y[, batched, uncertainty, …])

    frequency(X, y[, batched, uncertainty])

    Measure the frequency of each point by binning.

    measure(X, y[, batched, uncertainty, ...])

    Measure calibration by given predictions with confidence and the according ground truth.

    prepare(X, y[, batched, uncertainty])

    prepare(X, y[, batched, uncertainty])

    Check input data.

    process(metric, acc_hist, conf_hist, …)

    process(metric, acc_hist, conf_hist, ...)

    Determine miscalibration based on passed histograms.

    reduce(histogram, distribution, axis[, …])

    reduce(histogram, distribution, axis[, ...])

    Calculate the weighted mean on a given histogram based on a dedicated data distribution.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    -
    -
    -binning(bin_bounds: List, samples: numpy.ndarray, *values: Iterable, nan: float = 0.0) → Tuple
    -

    Perform binning on value (and all additional values passed) based on samples.

    -
    -
    Parameters
    -
      -
    • bin_bounds (list, length=samples.shape[1]) – Binning boundaries used for each dimension given in ‘samples’ parameter.

    • -
    • samples (np.ndarray of shape (n_samples, n_features)) – Array used to group all samples into bins.

    • -
    • *values (instances np.ndarray of shape (n_samples, 1)) – Arrays whose values are binned.

    • -
    • nan (float, optional default: 0.0) – If a bin has no samples or less than defined sample_threshold, the according bin is marked as -NaN. Specify fill float to insert instead of NaN.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length equal to the amount of passed value arrays with binning schemes and an additional histogram

    • -
    • with number of samples in each bin as well as an index tuple containing the bin indices.

    • -
    -

    -
    -
    -
    - -
    -
    -measure(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None, return_map: bool = False, return_num_samples: bool = False, return_uncertainty_map: bool = False) → Union[float, Tuple]
    -

    Measure calibration by given predictions with confidence and the according ground truth. -Assume binary predictions with y=1.

    -
    -
    Parameters
    -
      -
    • X (iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged. -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

    • -
    • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

    • -
    • uncertainty (str, optional, default: False) –

      Define uncertainty handling if input X has been sampled e.g. by Monte-Carlo dropout or similar methods -that output an ensemble of predictions per sample. Choose one of the following options: -- flatten: treat everything as a separate prediction - this option will yield into a slightly better

      -
      -

      calibration performance but without the visualization of a prediction interval.

      -
      -
        -
      • -
        mean: compute Monte-Carlo integration to obtain a simple confidence estimate for a sample

        (mean) with a standard deviation that is visualized.

        -
        -
        -
      • -
      -

    • -
    • return_map (bool, optional, default: False) – If True, return map with miscalibration metric separated into all remaining dimension bins.

    • -
    • return_num_samples (bool, optional, default: False) – If True, also return the number of samples in each bin.

    • -
    • return_uncertainty_map (bool, optional, default: False) – If True, also return the average deviation of the confidence within each bin.

    • -
    -
    -
    Returns
    -

    Always returns Expected Calibration Error. -If ‘return_map’ is True, return tuple and append miscalibration map over all bins. -If ‘return_num_samples’ is True, return tuple and append the number of samples in each bin (excluding confidence dimension). -If ‘return_uncertainty’ is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension).

    -
    -
    Return type
    -

    float or tuple of (float, np.ndarray, [np.ndarray, [np.ndarray]])

    -
    -
    -
    - -
    -
    -prepare(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None) → Tuple[List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List, int]
    -

    Check input data. For detailed documentation of the input parameters, check “_measure” method.

    -
    - -
    -
    -process(metric: str, acc_hist: numpy.ndarray, conf_hist: numpy.ndarray, variance_hist: numpy.ndarray, num_samples_hist: numpy.ndarray) → Tuple[float, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray]
    -

    Determine miscalibration based on passed histograms.

    -
    -
    Parameters
    -
      -
    • metric (str) – Identifier to specify the used metric. Must be one of ‘ace’, ‘ece’ or ‘mce’.

    • -
    • acc_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average accuracy in each bin.

    • -
    • conf_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average confidence in each bin.

    • -
    • variance_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average variance in each bin. This array is currently not used but -might be utilized in the future.

    • -
    • num_samples_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with number of samples in each bin.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length 6 (miscalibration score, miscalibration map, accuracy map, confidence map, variance map, num samples map)

    • -
    • All maps without confidence dimension.

    • -
    -

    -
    -
    -
    - -
    -
    -reduce(histogram: numpy.ndarray, distribution: numpy.ndarray, axis: int, reduce_result: Tuple = None)
    -

    Calculate the weighted mean on a given histogram based on a dedicated data distribution. -If ‘reduce_result’ is given, reuse the data distribution of the previous result instead of the distribution -given by ‘distribution’ parameter.

    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[Iterable[int], int]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter -‘axes_to_keep’ even if the dimension is of size 1.

    -

- -
+ +
+
+
- - - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ENCE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ENCE.html new file mode 100644 index 0000000..958d916 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.ENCE.html @@ -0,0 +1,300 @@ + + + + + + + + + + + netcal.metrics.ENCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.ENCE

+
+
+class netcal.metrics.ENCE(bins: Union[int, Iterable[int]] = 10, sample_threshold: int = 1)
+

Expected Normalized Calibration Error (ENCE) for a regression calibration evaluation to test for +variance calibration. A probabilistic regression model takes \(X\) as input and outputs a +mean \(\mu_Y(X)\) and a standard deviation \(\sigma_Y(X)\) targeting the ground-truth \(y\). +Similar to the netcal.metrics.confidence.ECE, the ENCE applies a binning scheme with \(B\) bins +over the predicted standard deviation \(\sigma_Y(X)\) and measures the absolute (normalized) difference +between root mean squared error (RMSE) and root mean variance (RMV) [1]. +Thus, the ENCE [1] is defined by

+
+\[\text{ENCE} := \frac{1}{B} \sum^B_{b=1} \frac{|RMSE(b) - RMV(b)|}{RMV(b)} ,\]
+

where \(RMSE(b)\) and \(RMV(b)\) are the root mean squared error and the root mean variance within +bin \(b\), respectively.

+

If multiple dimensions are given, the ENCE is measured for each dimension separately.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the ENCE binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, *[, kind, range_])

Measure the ENCE for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MCE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MCE.html index d50d65d..c72a8aa 100644 --- a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MCE.html +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MCE.html @@ -1,67 +1,212 @@ - - + + + + - netcal.metrics.MCE — calibration-framework 1.2.1 documentation - - + + + netcal.metrics.MCE — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.MCE

+
+
+class netcal.metrics.MCE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Maximum Calibration Error (MCE) for classification and Detection Maximum Calibration Error (D-MCE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Maximum calibration error (D-MCE) on +object detection [2]. This metrics measures the maximum difference between accuracy and confidence over all bins +by grouping all samples into \(B\) bins and calculating

-\[MCE = \max_{i \in \{1, ..., K\}} |\text{acc}_i - \text{conf}_i| ,\]
-

where \(\text{acc}_i\) and \(\text{conf}_i\) denote the accuracy and average confidence in the i-th bin.

+\[MCE = \max_{b \in \{1, ..., B\}} |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the b-th bin.

-
Parameters
+
Parameters:
    -
  • bins (int or iterable, default: 10) – Number of bins used by the Histogram Binning. +

  • bins (int or iterable, default: 10) – Number of bins used by the MCE. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize @@ -75,234 +220,90 @@

    netcal.metrics.MCEReferences

    -
    -
    1
    -

    Naeini, Mahdi Pakdaman, Gregory Cooper, and Milos Hauskrecht: +

    -
    2
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    - + - + + + + - + - + - + - - -

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Constructor.

    binning(bin_bounds, samples, *values[, nan])

    Perform binning on value (and all additional values passed) based on samples.

    measure(X, y[, batched, uncertainty, …])

    frequency(X, y[, batched, uncertainty])

    Measure the frequency of each point by binning.

    measure(X, y[, batched, uncertainty, ...])

    Measure calibration by given predictions with confidence and the according ground truth.

    prepare(X, y[, batched, uncertainty])

    prepare(X, y[, batched, uncertainty])

    Check input data.

    process(metric, acc_hist, conf_hist, …)

    process(metric, acc_hist, conf_hist, ...)

    Determine miscalibration based on passed histograms.

    reduce(histogram, distribution, axis[, …])

    reduce(histogram, distribution, axis[, ...])

    Calculate the weighted mean on a given histogram based on a dedicated data distribution.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    -
    -
    -binning(bin_bounds: List, samples: numpy.ndarray, *values: Iterable, nan: float = 0.0) → Tuple
    -

    Perform binning on value (and all additional values passed) based on samples.

    -
    -
    Parameters
    -
      -
    • bin_bounds (list, length=samples.shape[1]) – Binning boundaries used for each dimension given in ‘samples’ parameter.

    • -
    • samples (np.ndarray of shape (n_samples, n_features)) – Array used to group all samples into bins.

    • -
    • *values (instances np.ndarray of shape (n_samples, 1)) – Arrays whose values are binned.

    • -
    • nan (float, optional default: 0.0) – If a bin has no samples or less than defined sample_threshold, the according bin is marked as -NaN. Specify fill float to insert instead of NaN.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length equal to the amount of passed value arrays with binning schemes and an additional histogram

    • -
    • with number of samples in each bin as well as an index tuple containing the bin indices.

    • -
    -

    -
    -
    -
    - -
    -
    -measure(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None, return_map: bool = False, return_num_samples: bool = False, return_uncertainty_map: bool = False) → Union[float, Tuple]
    -

    Measure calibration by given predictions with confidence and the according ground truth. -Assume binary predictions with y=1.

    -
    -
    Parameters
    -
      -
    • X (iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged. -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

    • -
    • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

    • -
    • uncertainty (str, optional, default: False) –

      Define uncertainty handling if input X has been sampled e.g. by Monte-Carlo dropout or similar methods -that output an ensemble of predictions per sample. Choose one of the following options: -- flatten: treat everything as a separate prediction - this option will yield into a slightly better

      -
      -

      calibration performance but without the visualization of a prediction interval.

      -
      -
        -
      • -
        mean: compute Monte-Carlo integration to obtain a simple confidence estimate for a sample

        (mean) with a standard deviation that is visualized.

        -
        -
        -
      • -
      -

    • -
    • return_map (bool, optional, default: False) – If True, return map with miscalibration metric separated into all remaining dimension bins.

    • -
    • return_num_samples (bool, optional, default: False) – If True, also return the number of samples in each bin.

    • -
    • return_uncertainty_map (bool, optional, default: False) – If True, also return the average deviation of the confidence within each bin.

    • -
    -
    -
    Returns
    -

    Always returns Maximum Calibration Error. -If ‘return_map’ is True, return tuple and append miscalibration map over all bins. -If ‘return_num_samples’ is True, return tuple and append the number of samples in each bin (excluding confidence dimension). -If ‘return_uncertainty’ is True, return tuple and append the average standard deviation of confidence within each bin (excluding confidence dimension).

    -
    -
    Return type
    -

    float or tuple of (float, np.ndarray, [np.ndarray, [np.ndarray]])

    -
    -
    -
    - -
    -
    -prepare(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None) → Tuple[List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List, int]
    -

    Check input data. For detailed documentation of the input parameters, check “_measure” method.

    -
    - -
    -
    -process(metric: str, acc_hist: numpy.ndarray, conf_hist: numpy.ndarray, variance_hist: numpy.ndarray, num_samples_hist: numpy.ndarray) → Tuple[float, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray]
    -

    Determine miscalibration based on passed histograms.

    -
    -
    Parameters
    -
      -
    • metric (str) – Identifier to specify the used metric. Must be one of ‘ace’, ‘ece’ or ‘mce’.

    • -
    • acc_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average accuracy in each bin.

    • -
    • conf_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average confidence in each bin.

    • -
    • variance_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average variance in each bin. This array is currently not used but -might be utilized in the future.

    • -
    • num_samples_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with number of samples in each bin.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length 6 (miscalibration score, miscalibration map, accuracy map, confidence map, variance map, num samples map)

    • -
    • All maps without confidence dimension.

    • -
    -

    -
    -
    -
    - -
    -
    -reduce(histogram: numpy.ndarray, distribution: numpy.ndarray, axis: int, reduce_result: Tuple = None)
    -

    Calculate the weighted mean on a given histogram based on a dedicated data distribution. -If ‘reduce_result’ is given, reuse the data distribution of the previous result instead of the distribution -given by ‘distribution’ parameter.

    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[Iterable[int], int]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter -‘axes_to_keep’ even if the dimension is of size 1.

    -

- -
+ +
+
+
- - - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MMCE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MMCE.html index 83d6898..003bf19 100644 --- a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MMCE.html +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.MMCE.html @@ -1,70 +1,214 @@ - - + + + + - netcal.metrics.MMCE — calibration-framework 1.2.1 documentation - - + + + netcal.metrics.MMCE — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - + + + - - - -
-
-
-
+ + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.MMCE

+
+
+class netcal.metrics.MMCE(detection: bool = False)
+

Maximum Mean Calibration Error (MMCE). +The MMCE [1] is a differentiable approximation to the Expected Calibration Error (ECE) using a reproducing _kernel Hilbert space (RKHS). -Using a dataset \(\mathcal{D}\) of size \(N\) consisting of the ground truth labels \(\hat{y} \in \{1, ..., K \}\) -with input \(\hat{y} \in \mathcal{X}\), the MMCE is calculated by using a scoring classifier \(\hat{p}=h(x)\) -that returns the highest probability for a certain class in conjunction with the predicted label -information \(y \in \{1, ..., K \}\) and is defined by

+Using a dataset \(\mathcal{D}\) of size \(N\) consisting of the ground truth labels +\(\hat{y} \in \{1, ..., K \}\) with input \(x \in \mathcal{X}\), the MMCE is calculated by using +a scoring classifier \(\hat{p}=h(x)\) that returns the highest probability for a certain class in conjunction +with the predicted label information \(y \in \{1, ..., K \}\) and is defined by

\[MMCE = \sqrt{\sum_{i, j \in \mathcal{D}} \frac{1}{N^2}(\mathbb{1}(\hat{y}_i = y_i) - \hat{p}_i) (\mathbb{1}(\hat{y}_j = y_j) - \hat{p}_j)k(\hat{p}_i, \hat{p}_j)} ,\]

with \(\mathbb{1}(*)\) as the indicator function and a Laplacian _kernel \(k\) defined by

\[k(\hat{p}_i, \hat{p}_j) = \exp(-2.5 |\hat{p}_i - \hat{p}_j|) .\]
-
Parameters
+
Parameters:

detection (bool, default: False) – Detection mode is currently not supported for MMCE! If False, the input array ‘X’ is treated as multi-class confidence input (softmax) with shape (n_samples, [n_classes]). @@ -73,20 +217,17 @@

netcal.metrics.MMCEReferences

-
-
1
-

Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: +

-
+ +

Methods

- ---- +
@@ -96,94 +237,48 @@

netcal.metrics.MMCE -
-measure(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False)
-

Measure calibration by given predictions with confidence and the according ground truth.

-
-
Parameters
-
    -
  • X (iterable of np.ndarray, or np.ndarray of shape=(n_samples, [n_classes])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

  • -
  • y (iterable of np.ndarray with same length as X or np.ndarray of shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

  • -
  • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

  • -
-
-
Returns
-

Returns Maximum Mean Calibration Error.

-
-
Return type
-

float

-
-
- - - + + + + - - - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.NLL.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.NLL.html new file mode 100644 index 0000000..fedd4f5 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.NLL.html @@ -0,0 +1,262 @@ + + + + + + + + + + + netcal.metrics.NLL — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.NLL

+
+
+class netcal.metrics.NLL
+

Negative log likelihood (NLL) for probabilistic regression models. +If a probabilistic forecaster outputs a probability density function (PDF) \(f_Y(y)\) targeting the ground-truth +\(y\), the negative log likelihood is defined by

+
+\[\text{NLL} = -\sum^N_{n=1} \log\big(f_Y(y)\big) ,\]
+

with \(N\) as the number of samples within the examined data set.

+

Note: the input field for the standard deviation might also be given as quadratic NumPy arrays of shape +(n, d, d) with d dimensions. In this case, this method asserts covariance matrices as input +for each sample and the NLL is calculated for multivariate distributions.

+

Methods

+

__init__([detection])

Constructor.

+ + + + + + + + +

__init__()

measure(X, y, *[, kind, reduction])

Measures the negative log likelihood (NLL) for probabilistic regression models.

+

+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PICP.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PICP.html index 1fed1d5..2665b12 100644 --- a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PICP.html +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PICP.html @@ -1,66 +1,210 @@ - - + + + + - netcal.metrics.PICP — calibration-framework 1.2.1 documentation - - + + + netcal.metrics.PICP — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + - - - - + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.PICP

+
+
+class netcal.metrics.PICP(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Compute Prediction Interval Coverage Probability (PICP) and Mean Prediction Interval Width (MPIW). +These metrics have been proposed by [1], [2]. This metric is used for Bayesian models to determine the quality of the uncertainty estimates. In Bayesian mode, an uncertainty estimate is attached to each sample. The PICP measures the probability, that the true (observed) accuracy falls into the p% prediction interval. The uncertainty is well-calibrated, if the PICP is equal to p%. Simultaneously, the MPIW measures the mean width of all prediction intervals to evaluate the sharpness of the uncertainty estimates.

-
Parameters
+
Parameters:
    -
  • bins (int or iterable, default: 10) – Number of bins used by the Histogram Binning. +

  • bins (int or iterable, default: 10) – Number of bins used by the PICP. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize @@ -74,234 +218,90 @@

    netcal.metrics.PICPReferences

    -
    -
    1
    -

    Kuleshov, V.; Fenner, N. & Ermon, S.: +

    -
    2
    -

    Jiayu Yao, Weiwei Pan, Soumya Ghosh, and Finale Doshi-Velez: + +

    -
    + +

    Methods

    - ---- +
    - + - - - - + - + + + + - + - + - - -

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Constructor.

    accuracy(X, y[, batched, uncertainty])

    Measure the accuracy of each point by binning.

    binning(bin_bounds, samples, *values[, nan])

    binning(bin_bounds, samples, *values[, nan])

    Perform binning on value (and all additional values passed) based on samples.

    measure(X, y[, p, use_hpd, batched, …])

    frequency(X, y[, batched, uncertainty])

    Measure the frequency of each point by binning.

    measure(X, y, q, *[, kind, reduction])

    Measure calibration by given predictions with confidence and the according ground truth.

    prepare(X, y[, batched, uncertainty])

    Check input data.

    process(metric, acc_hist, conf_hist, …)

    process(metric, acc_hist, conf_hist, ...)

    Determine miscalibration based on passed histograms.

    reduce(histogram, distribution, axis[, …])

    reduce(histogram, distribution, axis[, ...])

    Calculate the weighted mean on a given histogram based on a dedicated data distribution.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    -
    -
    -accuracy(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = 'mean') → Tuple[List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List, int]
    -

    Measure the accuracy of each point by binning.

    -
    - -
    -
    -binning(bin_bounds: List, samples: numpy.ndarray, *values: Iterable, nan: float = 0.0) → Tuple
    -

    Perform binning on value (and all additional values passed) based on samples.

    -
    -
    Parameters
    -
      -
    • bin_bounds (list, length=samples.shape[1]) – Binning boundaries used for each dimension given in ‘samples’ parameter.

    • -
    • samples (np.ndarray of shape (n_samples, n_features)) – Array used to group all samples into bins.

    • -
    • *values (instances np.ndarray of shape (n_samples, 1)) – Arrays whose values are binned.

    • -
    • nan (float, optional default: 0.0) – If a bin has no samples or less than defined sample_threshold, the according bin is marked as -NaN. Specify fill float to insert instead of NaN.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length equal to the amount of passed value arrays with binning schemes and an additional histogram

    • -
    • with number of samples in each bin as well as an index tuple containing the bin indices.

    • -
    -

    -
    -
    -
    -
    -measure(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], p: float = 0.05, use_hpd: bool = True, batched: bool = False, uncertainty: str = 'mean', return_map: bool = False) → NamedTuple
    -

    Measure calibration by given predictions with confidence and the according ground truth. -Assume binary predictions with y=1.

    -
    -
    Parameters
    -
      -
    • X (iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged. -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

    • -
    • p (float, optional, default: 0.05) – Confidence level.

    • -
    • use_hpd (bool, optional, default: True) – If True, use highest posterior density (HPD) interval to determine the prediction interval width. -Use variance with Gaussian assumption otherwise.

    • -
    • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

    • -
    • uncertainty (str, optional, default: "mean") – Mode to measure mean estimate and uncertainty of the samples in Bayesian mode. Must be one -of “mean” (mean of all samples), “mode” (mode of all samples), “median” (median of all samples) or -“flatten” (no uncertainty will be computed, all samples are seen as independent predictions).

    • -
    • return_map (bool, optional, default: False) – If True, return map with PICP and MPIW metric separated into all remaining dimension bins.

    • -
    -
    -
    Returns
    -

      -
    • Namedtuple PICPResult with fields “picp” and “mpiw”, where each field either holds the PICP/MPIW score

    • -
    • or a tuple of (float, np.ndarray) – Always returns a named tuple with PICP (prediction interval coverage probability) and MPIW -(mean prediction interval width). -If ‘return_map’ is True, each field holds a tuple for the metric itself and the PICP/MPIW distribution -over all bins.

    • -
    -

    -
    -
    -
    - -
    -
    -prepare(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None) → Tuple[List[numpy.ndarray], List[numpy.ndarray], List[numpy.ndarray], List, int]
    -

    Check input data. For detailed documentation of the input parameters, check “_measure” method.

    -
    - -
    -
    -process(metric: str, acc_hist: numpy.ndarray, conf_hist: numpy.ndarray, variance_hist: numpy.ndarray, num_samples_hist: numpy.ndarray) → Tuple[float, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray, numpy.ndarray]
    -

    Determine miscalibration based on passed histograms.

    -
    -
    Parameters
    -
      -
    • metric (str) – Identifier to specify the used metric. Must be one of ‘ace’, ‘ece’ or ‘mce’.

    • -
    • acc_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average accuracy in each bin.

    • -
    • conf_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average confidence in each bin.

    • -
    • variance_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with average variance in each bin. This array is currently not used but -might be utilized in the future.

    • -
    • num_samples_hist (np.ndarray of shape (n_bins, [n_bins, [n_bins, [..]]])) – Histogram with number of samples in each bin.

    • -
    -
    -
    Returns
    -

      -
    • tuple of length 6 (miscalibration score, miscalibration map, accuracy map, confidence map, variance map, num samples map)

    • -
    • All maps without confidence dimension.

    • -
    -

    -
    -
    -
    - -
    -
    -reduce(histogram: numpy.ndarray, distribution: numpy.ndarray, axis: int, reduce_result: Tuple = None)
    -

    Calculate the weighted mean on a given histogram based on a dedicated data distribution. -If ‘reduce_result’ is given, reuse the data distribution of the previous result instead of the distribution -given by ‘distribution’ parameter.

    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[Iterable[int], int]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter -‘axes_to_keep’ even if the dimension is of size 1.

    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.html new file mode 100644 index 0000000..281fd9b --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.PinballLoss.html @@ -0,0 +1,253 @@ + + + + + + + + + + + netcal.metrics.PinballLoss — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.PinballLoss

+
+
+class netcal.metrics.PinballLoss
+

Synonym for Quantile loss. For documentation, see netcal.metrics.regression.QuantileLoss.

+

Methods

+ + + + + + + + + +

__init__()

measure(X, y, q, *[, kind, reduction])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QCE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QCE.html new file mode 100644 index 0000000..90b57da --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QCE.html @@ -0,0 +1,367 @@ + + + + + + + + + + + netcal.metrics.QCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.QCE

+
+
+class netcal.metrics.QCE(bins: int = 10, *, marginal: bool = True, sample_threshold: int = 1)
+

Marginal Quantile Calibration Error (M-QCE) and Conditional Quantile Calibration Error (C-QCE) which both measure +the gap between predicted quantiles and observed quantile coverage also for multivariate distributions. +The M-QCE and C-QCE have originally been proposed by [1]. +The derivation of both metrics are based on +the Normalized Estimation Error Squared (NEES) known from object tracking [2]. +The derivation of both metrics is shown in the following.

+

Definition of standard NEES: +Given mean prediction \(\hat{\boldsymbol{y}} \in \mathbb{R}^M\), ground-truth +\(\boldsymbol{y} \in \mathbb{R}^M\), and +estimated covariance matrix \(\hat{\boldsymbol{\Sigma}} \in \mathbb{R}^{M \times M}\) using +\(M\) dimensions, the NEES is defined as

+
+\[\epsilon = (\boldsymbol{y} - \hat{\boldsymbol{y}})^\top \hat{\boldsymbol{\Sigma}}^{-1} +(\boldsymbol{y} - \hat{\boldsymbol{y}}) .\]
+

The average NEES is defined as the mean error over \(N\) trials in a Monte-Carlo simulation for +Kalman-Filter testing, so that

+
+\[\bar{\epsilon} = \frac{1}{N} \sum^N_{i=1} \epsilon_i .\]
+

Under the condition, that \(\mathbb{E}[\boldsymbol{y} - \hat{\boldsymbol{y}}] = \boldsymbol{0}\) (zero mean), +a \(\chi^2\)-test is performed to evaluate the estimated uncertainty. This test is accepted, if

+
+\[\bar{\epsilon} \leq \chi^2_M(\tau),\]
+

where \(\chi^2_M(\tau)\) is the PPF score obtained by a \(\chi^2\) distribution +with \(M\) degrees of freedom, for a certain quantile level \(\tau \in [0, 1]\).

+

Marginal Quantile Calibration Error (M-QCE): +In the case of regression calibration testing, we are interested in the gap between predicted quantile levels and +observed quantile coverage probability for a certain set of quantile levels. We assert \(N\) observations of our +test set that are used to estimate the NEES, so that we can compute the expected deviation between predicted +quantile level and observed quantile coverage by

+
+\[\text{M-QCE}(\tau) := \mathbb{E} \Big[ \big| \mathbb{P} \big( \epsilon \leq \chi^2_M(\tau) \big) - \tau \big| \Big] ,\]
+

which is the definition of the Marginal Quantile Calibration Error (M-QCE) [1]. +The M-QCE is calculated by

+
+\[\text{M-QCE}(\tau) = \Bigg| \frac{1}{N} \sum^N_{n=1} \mathbb{1} \big( \epsilon_n \leq \chi^2_M(\tau) \big) - \tau \Bigg|\]
+

Conditional Quantile Calibration Error (C-QCE): +The M-QCE measures the marginal calibration error which is more suitable to test for quantile calibration. +However, similar to netcal.metrics.regression.UCE and netcal.metrics.regression.ENCE, +we want to induce a dependency on the estimated covariance, since we require +that

+
+\[ \begin{align}\begin{aligned}&\mathbb{E}[(\boldsymbol{y} - \hat{\boldsymbol{y}})(\boldsymbol{y} - \hat{\boldsymbol{y}})^\top | +\hat{\boldsymbol{\Sigma}} = \boldsymbol{\Sigma}] = \boldsymbol{\Sigma},\\&\forall \boldsymbol{\Sigma} \in \mathbb{R}^{M \times M}, \boldsymbol{\Sigma} \succcurlyeq 0, +\boldsymbol{\Sigma}^\top = \boldsymbol{\Sigma} .\end{aligned}\end{align} \]
+

To estimate the a covariance dependent QCE, we apply a binning scheme (similar to the +netcal.metrics.confidence.ECE) over the square root of the standardized generalized variance (SGV) [3], +that is defined as

+
+\[\sigma_G = \sqrt{\text{det}(\hat{\boldsymbol{\Sigma}})^{\frac{1}{M}}} .\]
+

Using the generalized standard deviation, it is possible to get a summarized statistic across different +combinations of correlations to denote the distribution’s dispersion. Thus, the Conditional Quantile Calibration +Error (C-QCE) [1] is defined by

+
+\[\text{C-QCE}(\tau) := \mathbb{E}_{\sigma_G, X}\Big[\Big|\mathbb{P}\big(\epsilon \leq \chi^2_M(\tau) | \sigma_G\big) - \tau \Big|\Big] ,\]
+

To approximate the expectation over the generalized standard deviation, we use a binning scheme with \(B\) bins +(similar to the ECE) and \(N_b\) samples per bin to compute the weighted sum across all bins, so that

+
+\[\text{C-QCE}(\tau) \approx \sum^B_{b=1} \frac{N_b}{N} | \text{freq}(b) - \tau |\]
+

where \(\text{freq}(b)\) is the coverage frequency within bin \(b\) and given by

+
+\[\text{freq}(b) = \frac{1}{N_b} \sum_{n \in \mathcal{M}_b} \mathbb{1}\big(\epsilon_i \leq \chi^2_M(\tau)\big) ,\]
+

with \(\mathcal{M}_b\) as the set of indices within bin \(b\).

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used for the internal binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • marginal (bool, optional, default: False) – If True, compute the M-QCE. This is the marginal probability over all samples falling into the desired +quantiles. If False, use the C-QCE. +The C-QCE uses a binning scheme by the gerneralized standard deviation to measure the conditional probability +over all samples falling into the desired quantiles w.r.t. the generalized standard deviation.

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, marginal, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, q, *[, kind, reduction, ...])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.html new file mode 100644 index 0000000..3856a1d --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.QuantileLoss.html @@ -0,0 +1,265 @@ + + + + + + + + + + + netcal.metrics.QuantileLoss — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.QuantileLoss

+
+
+class netcal.metrics.QuantileLoss
+

Pinball aka quantile loss within regression calibration to test for quantile calibration of a probabilistic +regression model. The Pinball loss is an asymmetric loss that measures the quality of the predicted +quantiles. Given a probabilistic regression model that outputs a probability density function (PDF) \(f_Y(y)\) +targeting the ground-truth \(y\), we further denote the cumulative as \(F_Y(y)\) and the (inverse) +percent point function (PPF) as \(F_Y^{-1}(\tau)\) for a certain quantile level \(\tau \in [0, 1]\).

+

The Pinball loss is given by

+
+\[\begin{split}L_{\text{Pin}}(\tau) = +\begin{cases} + \big( y-F_Y^{-1}(\tau) \big)\tau \quad &\text{if } y \geq F_Y^{-1}(\tau)\\ + \big( F_Y^{-1}(\tau)-y \big)(1-\tau) \quad &\text{if } y < F_Y^{-1}(\tau) +\end{cases} .\end{split}\]
+

Methods

+ + + + + + + + + +

__init__()

measure(X, y, q, *[, kind, reduction])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.UCE.html b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.UCE.html new file mode 100644 index 0000000..0171ccc --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric/netcal.metrics.UCE.html @@ -0,0 +1,300 @@ + + + + + + + + + + + netcal.metrics.UCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.UCE

+
+
+class netcal.metrics.UCE(bins: Union[int, Iterable[int]] = 10, sample_threshold: int = 1)
+

Uncertainty Calibration Error (UCE) for a regression calibration evaluation to test for +variance calibration. A probabilistic regression model takes \(X\) as input and outputs a +mean \(\mu_Y(X)\) and a variance \(\sigma_Y^2(X)\) targeting the ground-truth \(y\). +Similar to the netcal.metrics.confidence.ECE, the UCE applies a binning scheme with \(B\) bins +over the predicted variance \(\sigma_Y^2(X)\) and measures the absolute difference +between mean squared error (MSE) and mean variance (RMV) [1]. +Thus, the UCE [1] is defined by

+
+\[\text{UCE} := \sum^B_{b=1} \frac{N_b}{N} |MSE(b) - MV(b)| ,\]
+

where \(MSE(b)\) and \(MV(b)\) are the mean squared error and the mean variance within +bin \(b\), respectively, and \(N_b\) is the number of samples within bin \(b\).

+

If multiple dimensions are given, the UCE is measured for each dimension separately.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the UCE binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, *[, kind, range_])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.html new file mode 100644 index 0000000..1b6e4c4 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ACE.html @@ -0,0 +1,313 @@ + + + + + + + + + + + netcal.metrics.confidence.ACE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.confidence.ACE

+
+
+class netcal.metrics.confidence.ACE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Average Calibration Error (ACE) for classification and Detection Average Calibration Error (D-ACE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Average Calibration Error (D-ACE) +[2] on object detection tasks. This metrics measures the average difference between accuracy and confidence by +grouping all samples into \(B\) bins and calculating

+
+\[ACE = \frac{1}{B} \sum_{b=1}^B |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the b-th bin. +The main difference to netcal.regression.confidence.ECE is that each bin is weighted equally.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the ACE. +On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize +the number of samples in each bin.

  • +
  • detection (bool, default: False) – If False, the input array ‘X’ is treated as multi-class confidence input (softmax) +with shape (n_samples, [n_classes]). +If True, the input array ‘X’ is treated as a box predictions with several box features (at least +box confidence must be present) with shape (n_samples, [n_box_features]).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, equal_intervals, detection, ...])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y[, batched, uncertainty, ...])

Measure calibration by given predictions with confidence and the according ground truth.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.html new file mode 100644 index 0000000..daa2fb0 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.ECE.html @@ -0,0 +1,313 @@ + + + + + + + + + + + netcal.metrics.confidence.ECE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.confidence.ECE

+
+
+class netcal.metrics.confidence.ECE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Expected Calibration Error (ECE) for classification and Detection Expected Calibration Error (D-ECE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Expected Calibration Error (D-ECE) on object +detection tasks [2]. This metrics measures the expected difference between accuracy/precision and confidence +by grouping all samples (size \(N\)) into \(B\) bins, so that the ECE is computed by

+
+\[ECE = \sum_{b=1}^B \frac{N_b}{N} |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the i-th bin +and \(N_b\) denote the number of samples in bin \(b\).

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the Expected Calibration Error. +On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize +the number of samples in each bin.

  • +
  • detection (bool, default: False) – If False, the input array ‘X’ is treated as multi-class confidence input (softmax) +with shape (n_samples, [n_classes]). +If True, the input array ‘X’ is treated as a box predictions with several box features (at least +box confidence must be present) with shape (n_samples, [n_box_features]).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, equal_intervals, detection, ...])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y[, batched, uncertainty, ...])

Measure calibration by given predictions with confidence and the according ground truth.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.html new file mode 100644 index 0000000..a5209dd --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MCE.html @@ -0,0 +1,312 @@ + + + + + + + + + + + netcal.metrics.confidence.MCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.confidence.MCE

+
+
+class netcal.metrics.confidence.MCE(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Maximum Calibration Error (MCE) for classification and Detection Maximum Calibration Error (D-MCE) for +object detection or segmentation. +This metric is used on classification [1] or as Detection Maximum calibration error (D-MCE) on +object detection [2]. This metrics measures the maximum difference between accuracy and confidence over all bins +by grouping all samples into \(B\) bins and calculating

+
+\[MCE = \max_{b \in \{1, ..., B\}} |\text{acc}(b) - \text{conf}(b)| ,\]
+

where \(\text{acc}(b)\) and \(\text{conf}(b)\) denote the accuracy and average confidence in the b-th bin.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the MCE. +On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize +the number of samples in each bin.

  • +
  • detection (bool, default: False) – If False, the input array ‘X’ is treated as multi-class confidence input (softmax) +with shape (n_samples, [n_classes]). +If True, the input array ‘X’ is treated as a box predictions with several box features (at least +box confidence must be present) with shape (n_samples, [n_box_features]).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, equal_intervals, detection, ...])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y[, batched, uncertainty, ...])

Measure calibration by given predictions with confidence and the according ground truth.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.html new file mode 100644 index 0000000..fbe18a4 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.confidence.MMCE.html @@ -0,0 +1,287 @@ + + + + + + + + + + + netcal.metrics.confidence.MMCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.confidence.MMCE

+
+
+class netcal.metrics.confidence.MMCE(detection: bool = False)
+

Maximum Mean Calibration Error (MMCE). +The MMCE [1] is a differentiable approximation to the Expected Calibration Error (ECE) using a +reproducing _kernel Hilbert space (RKHS). +Using a dataset \(\mathcal{D}\) of size \(N\) consisting of the ground truth labels +\(\hat{y} \in \{1, ..., K \}\) with input \(x \in \mathcal{X}\), the MMCE is calculated by using +a scoring classifier \(\hat{p}=h(x)\) that returns the highest probability for a certain class in conjunction +with the predicted label information \(y \in \{1, ..., K \}\) and is defined by

+
+\[MMCE = \sqrt{\sum_{i, j \in \mathcal{D}} \frac{1}{N^2}(\mathbb{1}(\hat{y}_i = y_i) - \hat{p}_i) (\mathbb{1}(\hat{y}_j = y_j) - \hat{p}_j)k(\hat{p}_i, \hat{p}_j)} ,\]
+

with \(\mathbb{1}(*)\) as the indicator function and a Laplacian _kernel \(k\) defined by

+
+\[k(\hat{p}_i, \hat{p}_j) = \exp(-2.5 |\hat{p}_i - \hat{p}_j|) .\]
+
+
Parameters:
+

detection (bool, default: False) – Detection mode is currently not supported for MMCE! +If False, the input array ‘X’ is treated as multi-class confidence input (softmax) +with shape (n_samples, [n_classes]). +If True, the input array ‘X’ is treated as a box predictions with several box features (at least +box confidence must be present) with shape (n_samples, [n_box_features]).

+
+
+

References

+ +

Methods

+ + + + + + + + + +

__init__([detection])

Constructor.

measure(X, y[, batched])

Measure calibration by given predictions with confidence and the according ground truth.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.html new file mode 100644 index 0000000..818a890 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.ENCE.html @@ -0,0 +1,306 @@ + + + + + + + + + + + netcal.metrics.regression.ENCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.ENCE

+
+
+class netcal.metrics.regression.ENCE(bins: Union[int, Iterable[int]] = 10, sample_threshold: int = 1)
+

Expected Normalized Calibration Error (ENCE) for a regression calibration evaluation to test for +variance calibration. A probabilistic regression model takes \(X\) as input and outputs a +mean \(\mu_Y(X)\) and a standard deviation \(\sigma_Y(X)\) targeting the ground-truth \(y\). +Similar to the netcal.metrics.confidence.ECE, the ENCE applies a binning scheme with \(B\) bins +over the predicted standard deviation \(\sigma_Y(X)\) and measures the absolute (normalized) difference +between root mean squared error (RMSE) and root mean variance (RMV) [1]. +Thus, the ENCE [1] is defined by

+
+\[\text{ENCE} := \frac{1}{B} \sum^B_{b=1} \frac{|RMSE(b) - RMV(b)|}{RMV(b)} ,\]
+

where \(RMSE(b)\) and \(RMV(b)\) are the root mean squared error and the root mean variance within +bin \(b\), respectively.

+

If multiple dimensions are given, the ENCE is measured for each dimension separately.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the ENCE binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, *[, kind, range_])

Measure the ENCE for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.html new file mode 100644 index 0000000..6b64486 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.NLL.html @@ -0,0 +1,268 @@ + + + + + + + + + + + netcal.metrics.regression.NLL — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.NLL

+
+
+class netcal.metrics.regression.NLL
+

Negative log likelihood (NLL) for probabilistic regression models. +If a probabilistic forecaster outputs a probability density function (PDF) \(f_Y(y)\) targeting the ground-truth +\(y\), the negative log likelihood is defined by

+
+\[\text{NLL} = -\sum^N_{n=1} \log\big(f_Y(y)\big) ,\]
+

with \(N\) as the number of samples within the examined data set.

+

Note: the input field for the standard deviation might also be given as quadratic NumPy arrays of shape +(n, d, d) with d dimensions. In this case, this method asserts covariance matrices as input +for each sample and the NLL is calculated for multivariate distributions.

+

Methods

+ + + + + + + + + +

__init__()

measure(X, y, *[, kind, reduction])

Measures the negative log likelihood (NLL) for probabilistic regression models.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.html new file mode 100644 index 0000000..af7ee8d --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PICP.html @@ -0,0 +1,313 @@ + + + + + + + + + + + netcal.metrics.regression.PICP — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.PICP

+
+
+class netcal.metrics.regression.PICP(bins: Union[int, Iterable[int]] = 10, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1)
+

Compute Prediction Interval Coverage Probability (PICP) and Mean Prediction Interval Width (MPIW). +These metrics have been proposed by [1], [2]. +This metric is used for Bayesian models to determine the quality of the uncertainty estimates. +In Bayesian mode, an uncertainty estimate is attached to each sample. The PICP measures the probability, that +the true (observed) accuracy falls into the p% prediction interval. The uncertainty is well-calibrated, if +the PICP is equal to p%. Simultaneously, the MPIW measures the mean width of all prediction intervals to evaluate +the sharpness of the uncertainty estimates.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the PICP. +On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • equal_intervals (bool, optional, default: True) – If True, the bins have the same width. If False, the bins are splitted to equalize +the number of samples in each bin.

  • +
  • detection (bool, default: False) – If False, the input array ‘X’ is treated as multi-class confidence input (softmax) +with shape (n_samples, [n_classes]). +If True, the input array ‘X’ is treated as a box predictions with several box features (at least +box confidence must be present) with shape (n_samples, [n_box_features]).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the process metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, equal_intervals, detection, ...])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, q, *[, kind, reduction])

Measure calibration by given predictions with confidence and the according ground truth.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.html new file mode 100644 index 0000000..5b99282 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.PinballLoss.html @@ -0,0 +1,259 @@ + + + + + + + + + + + netcal.metrics.regression.PinballLoss — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.PinballLoss

+
+
+class netcal.metrics.regression.PinballLoss
+

Synonym for Quantile loss. For documentation, see netcal.metrics.regression.QuantileLoss.

+

Methods

+ + + + + + + + + +

__init__()

measure(X, y, q, *[, kind, reduction])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.html new file mode 100644 index 0000000..f8896d5 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QCE.html @@ -0,0 +1,373 @@ + + + + + + + + + + + netcal.metrics.regression.QCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.QCE

+
+
+class netcal.metrics.regression.QCE(bins: int = 10, *, marginal: bool = True, sample_threshold: int = 1)
+

Marginal Quantile Calibration Error (M-QCE) and Conditional Quantile Calibration Error (C-QCE) which both measure +the gap between predicted quantiles and observed quantile coverage also for multivariate distributions. +The M-QCE and C-QCE have originally been proposed by [1]. +The derivation of both metrics are based on +the Normalized Estimation Error Squared (NEES) known from object tracking [2]. +The derivation of both metrics is shown in the following.

+

Definition of standard NEES: +Given mean prediction \(\hat{\boldsymbol{y}} \in \mathbb{R}^M\), ground-truth +\(\boldsymbol{y} \in \mathbb{R}^M\), and +estimated covariance matrix \(\hat{\boldsymbol{\Sigma}} \in \mathbb{R}^{M \times M}\) using +\(M\) dimensions, the NEES is defined as

+
+\[\epsilon = (\boldsymbol{y} - \hat{\boldsymbol{y}})^\top \hat{\boldsymbol{\Sigma}}^{-1} +(\boldsymbol{y} - \hat{\boldsymbol{y}}) .\]
+

The average NEES is defined as the mean error over \(N\) trials in a Monte-Carlo simulation for +Kalman-Filter testing, so that

+
+\[\bar{\epsilon} = \frac{1}{N} \sum^N_{i=1} \epsilon_i .\]
+

Under the condition, that \(\mathbb{E}[\boldsymbol{y} - \hat{\boldsymbol{y}}] = \boldsymbol{0}\) (zero mean), +a \(\chi^2\)-test is performed to evaluate the estimated uncertainty. This test is accepted, if

+
+\[\bar{\epsilon} \leq \chi^2_M(\tau),\]
+

where \(\chi^2_M(\tau)\) is the PPF score obtained by a \(\chi^2\) distribution +with \(M\) degrees of freedom, for a certain quantile level \(\tau \in [0, 1]\).

+

Marginal Quantile Calibration Error (M-QCE): +In the case of regression calibration testing, we are interested in the gap between predicted quantile levels and +observed quantile coverage probability for a certain set of quantile levels. We assert \(N\) observations of our +test set that are used to estimate the NEES, so that we can compute the expected deviation between predicted +quantile level and observed quantile coverage by

+
+\[\text{M-QCE}(\tau) := \mathbb{E} \Big[ \big| \mathbb{P} \big( \epsilon \leq \chi^2_M(\tau) \big) - \tau \big| \Big] ,\]
+

which is the definition of the Marginal Quantile Calibration Error (M-QCE) [1]. +The M-QCE is calculated by

+
+\[\text{M-QCE}(\tau) = \Bigg| \frac{1}{N} \sum^N_{n=1} \mathbb{1} \big( \epsilon_n \leq \chi^2_M(\tau) \big) - \tau \Bigg|\]
+

Conditional Quantile Calibration Error (C-QCE): +The M-QCE measures the marginal calibration error which is more suitable to test for quantile calibration. +However, similar to netcal.metrics.regression.UCE and netcal.metrics.regression.ENCE, +we want to induce a dependency on the estimated covariance, since we require +that

+
+\[ \begin{align}\begin{aligned}&\mathbb{E}[(\boldsymbol{y} - \hat{\boldsymbol{y}})(\boldsymbol{y} - \hat{\boldsymbol{y}})^\top | +\hat{\boldsymbol{\Sigma}} = \boldsymbol{\Sigma}] = \boldsymbol{\Sigma},\\&\forall \boldsymbol{\Sigma} \in \mathbb{R}^{M \times M}, \boldsymbol{\Sigma} \succcurlyeq 0, +\boldsymbol{\Sigma}^\top = \boldsymbol{\Sigma} .\end{aligned}\end{align} \]
+

To estimate the a covariance dependent QCE, we apply a binning scheme (similar to the +netcal.metrics.confidence.ECE) over the square root of the standardized generalized variance (SGV) [3], +that is defined as

+
+\[\sigma_G = \sqrt{\text{det}(\hat{\boldsymbol{\Sigma}})^{\frac{1}{M}}} .\]
+

Using the generalized standard deviation, it is possible to get a summarized statistic across different +combinations of correlations to denote the distribution’s dispersion. Thus, the Conditional Quantile Calibration +Error (C-QCE) [1] is defined by

+
+\[\text{C-QCE}(\tau) := \mathbb{E}_{\sigma_G, X}\Big[\Big|\mathbb{P}\big(\epsilon \leq \chi^2_M(\tau) | \sigma_G\big) - \tau \Big|\Big] ,\]
+

To approximate the expectation over the generalized standard deviation, we use a binning scheme with \(B\) bins +(similar to the ECE) and \(N_b\) samples per bin to compute the weighted sum across all bins, so that

+
+\[\text{C-QCE}(\tau) \approx \sum^B_{b=1} \frac{N_b}{N} | \text{freq}(b) - \tau |\]
+

where \(\text{freq}(b)\) is the coverage frequency within bin \(b\) and given by

+
+\[\text{freq}(b) = \frac{1}{N_b} \sum_{n \in \mathcal{M}_b} \mathbb{1}\big(\epsilon_i \leq \chi^2_M(\tau)\big) ,\]
+

with \(\mathcal{M}_b\) as the set of indices within bin \(b\).

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used for the internal binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • marginal (bool, optional, default: False) – If True, compute the M-QCE. This is the marginal probability over all samples falling into the desired +quantiles. If False, use the C-QCE. +The C-QCE uses a binning scheme by the gerneralized standard deviation to measure the conditional probability +over all samples falling into the desired quantiles w.r.t. the generalized standard deviation.

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, marginal, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, q, *[, kind, reduction, ...])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.html new file mode 100644 index 0000000..4462f28 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.QuantileLoss.html @@ -0,0 +1,271 @@ + + + + + + + + + + + netcal.metrics.regression.QuantileLoss — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.QuantileLoss

+
+
+class netcal.metrics.regression.QuantileLoss
+

Pinball aka quantile loss within regression calibration to test for quantile calibration of a probabilistic +regression model. The Pinball loss is an asymmetric loss that measures the quality of the predicted +quantiles. Given a probabilistic regression model that outputs a probability density function (PDF) \(f_Y(y)\) +targeting the ground-truth \(y\), we further denote the cumulative as \(F_Y(y)\) and the (inverse) +percent point function (PPF) as \(F_Y^{-1}(\tau)\) for a certain quantile level \(\tau \in [0, 1]\).

+

The Pinball loss is given by

+
+\[\begin{split}L_{\text{Pin}}(\tau) = +\begin{cases} + \big( y-F_Y^{-1}(\tau) \big)\tau \quad &\text{if } y \geq F_Y^{-1}(\tau)\\ + \big( F_Y^{-1}(\tau)-y \big)(1-\tau) \quad &\text{if } y < F_Y^{-1}(\tau) +\end{cases} .\end{split}\]
+

Methods

+ + + + + + + + + +

__init__()

measure(X, y, q, *[, kind, reduction])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.html new file mode 100644 index 0000000..3a0d69b --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/_autosummary_metric/netcal.metrics.regression.UCE.html @@ -0,0 +1,306 @@ + + + + + + + + + + + netcal.metrics.regression.UCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression.UCE

+
+
+class netcal.metrics.regression.UCE(bins: Union[int, Iterable[int]] = 10, sample_threshold: int = 1)
+

Uncertainty Calibration Error (UCE) for a regression calibration evaluation to test for +variance calibration. A probabilistic regression model takes \(X\) as input and outputs a +mean \(\mu_Y(X)\) and a variance \(\sigma_Y^2(X)\) targeting the ground-truth \(y\). +Similar to the netcal.metrics.confidence.ECE, the UCE applies a binning scheme with \(B\) bins +over the predicted variance \(\sigma_Y^2(X)\) and measures the absolute difference +between mean squared error (MSE) and mean variance (RMV) [1]. +Thus, the UCE [1] is defined by

+
+\[\text{UCE} := \sum^B_{b=1} \frac{N_b}{N} |MSE(b) - MV(b)| ,\]
+

where \(MSE(b)\) and \(MV(b)\) are the mean squared error and the mean variance within +bin \(b\), respectively, and \(N_b\) is the number of samples within bin \(b\).

+

If multiple dimensions are given, the UCE is measured for each dimension separately.

+
+
Parameters:
+
    +
  • bins (int or iterable, default: 10) – Number of bins used by the UCE binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

  • +
  • sample_threshold (int, optional, default: 1) – Bins with an amount of samples below this threshold are not included into the miscalibration metrics.

  • +
+
+
+

References

+ +

Methods

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

__init__([bins, sample_threshold])

Constructor.

binning(bin_bounds, samples, *values[, nan])

Perform binning on value (and all additional values passed) based on samples.

frequency(X, y[, batched, uncertainty])

Measure the frequency of each point by binning.

measure(X, y, *[, kind, range_])

Measure quantile loss for given input data either as tuple consisting of mean and stddev estimates or as NumPy array consisting of a sample distribution.

prepare(X, y[, batched, uncertainty])

Check input data.

process(metric, acc_hist, conf_hist, ...)

Determine miscalibration based on passed histograms.

reduce(histogram, distribution, axis[, ...])

Calculate the weighted mean on a given histogram based on a dedicated data distribution.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.html new file mode 100644 index 0000000..dcdcfa6 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.confidence.html @@ -0,0 +1,266 @@ + + + + + + + + + + + netcal.metrics.confidence — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.confidence

+
+

Metrics for Confidence Calibration

+

Methods for measuring miscalibration in the context of confidence calibration.

+

The common methods for confidence calibration evaluation are given with the +netcal.metrics.confidence.ECE (ECE), netcal.metrics.confidence.MCE (MCE), and +netcal.metrics.confidence.ACE (ACE). Each method bins the samples by their confidence and measures the +accuracy in each bin. The ECE gives the mean gap between confidence and observed accuracy in each bin weighted by the +number of samples. The MCE returns the highest observed deviation. The ACE is similar to the ECE but weights +each bin equally.

+

A further metric is the Maximum Mean Calibration Error (MMCE) which is a differentiable variant of the ECE that +might also be used as a regularization technique during model training.

+
+
+

Available classes

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

ACE([bins, equal_intervals, detection, ...])

Average Calibration Error (ACE) for classification and Detection Average Calibration Error (D-ACE) for object detection or segmentation.

ECE([bins, equal_intervals, detection, ...])

Expected Calibration Error (ECE) for classification and Detection Expected Calibration Error (D-ECE) for object detection or segmentation.

MCE([bins, equal_intervals, detection, ...])

Maximum Calibration Error (MCE) for classification and Detection Maximum Calibration Error (D-MCE) for object detection or segmentation.

MMCE([detection])

Maximum Mean Calibration Error (MMCE).

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.html b/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.html new file mode 100644 index 0000000..edc7984 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_metric_submodules/netcal.metrics.regression.html @@ -0,0 +1,281 @@ + + + + + + + + + + + netcal.metrics.regression — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.metrics.regression

+
+

Metrics for Regression Uncertainty Calibration

+

Methods for measuring miscalibration in the context of regression uncertainty calibration for probabilistic +regression models.

+

The common methods for regression uncertainty evaluation are netcal.metrics.regression.PinballLoss (Pinball +loss), the netcal.metrics.regression.NLL (NLL), and the netcal.metrics.regression.QCE (M-QCE and +C-QCE). The Pinball loss as well as the Marginal/Conditional Quantile Calibration Error (M-QCE and C-QCE) evaluate +the quality of the estimated quantiles compared to the observed ground-truth quantile coverage. The NLL is a proper +scoring rule to measure the overall quality of the predicted probability distributions.

+

Further metrics are the netcal.metrics.regression.UCE (UCE) and the netcal.metrics.regression.ENCE +(ENCE) which both apply a binning scheme over the predicted standard deviation/variance and test for variance +calibration.

+

For a detailed description of the available metrics within regression calibration, see the module doc of +netcal.regression.

+
+
+

Available classes

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

QuantileLoss()

Pinball aka quantile loss within regression calibration to test for quantile calibration of a probabilistic regression model.

PinballLoss()

Synonym for Quantile loss.

ENCE([bins, sample_threshold])

Expected Normalized Calibration Error (ENCE) for a regression calibration evaluation to test for variance calibration.

UCE([bins, sample_threshold])

Uncertainty Calibration Error (UCE) for a regression calibration evaluation to test for variance calibration.

PICP([bins, equal_intervals, detection, ...])

Compute Prediction Interval Coverage Probability (PICP) and Mean Prediction Interval Width (MPIW).

QCE([bins, marginal, sample_threshold])

Marginal Quantile Calibration Error (M-QCE) and Conditional Quantile Calibration Error (C-QCE) which both measure the gap between predicted quantiles and observed quantile coverage also for multivariate distributions.

NLL()

Negative log likelihood (NLL) for probabilistic regression models.

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityDiagram.html b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityDiagram.html index dddbfbd..0364a9f 100644 --- a/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityDiagram.html +++ b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityDiagram.html @@ -1,62 +1,197 @@ - - + + + + - netcal.presentation.ReliabilityDiagram — calibration-framework 1.2.1 documentation - - + + + netcal.presentation.ReliabilityDiagram — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + - + + + - - - -
-
-
-
+ + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.presentation.ReliabilityDiagram

+
+
+class netcal.presentation.ReliabilityDiagram(bins: Union[int, Iterable[int]] = 10, *, equal_intervals: bool = True, detection: bool = False, sample_threshold: int = 1, fmin: Optional[float] = None, fmax: Optional[float] = None, metric: str = 'ECE', **kwargs)
+

Plot Confidence Histogram and Reliability Diagram to visualize miscalibration in the context of +confidence calibration. On classification, plot the gaps between average confidence and observed accuracy bin-wise over the confidence -space 1, 2. -On detection, plot the miscalibration w.r.t. the additional regression information provided (1-D or 2-D) 3.

+space [1], [2]. +On detection, plot the miscalibration w.r.t. the additional regression information provided (1-D or 2-D) [3].

-
Parameters
+
Parameters:
  • bins (int or iterable, default: 10) – Number of bins used by the ACE/ECE/MCE. On detection mode: if int, use same amount of bins for each dimension (nx1 = nx2 = … = bins). @@ -74,167 +209,82 @@

    netcal.presentation.ReliabilityDiagramReferences

    -
    -
    1
    -

    Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: +

    -
    2
    -

    A. Niculescu-Mizil and R. Caruana: + +

    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    - + - +

    __init__([bins, equal_intervals, detection, …])

    __init__([bins, equal_intervals, detection, ...])

    Constructor.

    plot(X, y[, batched, uncertainty, filename, …])

    plot(X, y, *[, batched, uncertainty, ...])

    Reliability diagram to visualize miscalibration.

    -
    -
    -plot(X: Union[Iterable[numpy.ndarray], numpy.ndarray], y: Union[Iterable[numpy.ndarray], numpy.ndarray], batched: bool = False, uncertainty: str = None, filename: str = None, tikz: bool = False, title_suffix: str = None, feature_names: List[str] = None, **save_args) → Union[matplotlib.figure.Figure, str]
    -

    Reliability diagram to visualize miscalibration. This could be either in classical way for confidences only -or w.r.t. additional properties (like x/y-coordinates of detection boxes, width, height, etc.). The additional -properties get binned. Afterwards, the miscalibration will be calculated for each bin. This is -visualized as a 2-D plots.

    -
    -
    Parameters
    -
      -
    • X (iterable of np.ndarray, or np.ndarray of shape=([n_bayes], n_samples, [n_classes/n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If this is an iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged. -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (iterable of np.ndarray with same length as X or np.ndarray of shape=([n_bayes], n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D). -If 3-D, interpret first dimension as samples from an Bayesian estimator with mulitple data points -for a single sample (e.g. variational inference or MC dropout samples). -If iterable over multiple instances of np.ndarray and parameter batched=True, -interpret this parameter as multiple predictions that should be averaged.

    • -
    • batched (bool, optional, default: False) – Multiple predictions can be evaluated at once (e.g. cross-validation examinations) using batched-mode. -All predictions given by X and y are separately evaluated and their results are averaged afterwards -for visualization.

    • -
    • uncertainty (str, optional, default: False) –

      Define uncertainty handling if input X has been sampled e.g. by Monte-Carlo dropout or similar methods -that output an ensemble of predictions per sample. Choose one of the following options: -- flatten: treat everything as a separate prediction - this option will yield into a slightly better

      -
      -

      calibration performance but without the visualization of a prediction interval.

      -
      -
        -
      • -
        mean: compute Monte-Carlo integration to obtain a simple confidence estimate for a sample

        (mean) with a standard deviation that is visualized.

        -
        -
        -
      • -
      -

    • -
    • filename (str, optional, default: None) – Optional filename to save the plotted figure.

    • -
    • tikz (bool, optional, default: False) – If True, use ‘tikzplotlib’ package to return tikz-code for Latex rather than a Matplotlib figure.

    • -
    • title_suffix (str, optional, default: None) – Suffix for plot title.

    • -
    • feature_names (list, optional, default: None) – Names of the additional features that are attached to the axes of a reliability diagram.

    • -
    • **save_args (args) – Additional arguments passed to ‘matplotlib.pyplot.Figure.savefig’ function if ‘tikz’ is False. -If ‘tikz’ is True, the argument are passed to ‘tikzplotlib.get_tikz_code’ function.

    • -
    -
    -
    Returns
    -

    -
    -
    Return type
    -

    matplotlib.pyplot.Figure if ‘tikz’ is False else str with tikz code.

    -
    -
    Raises
    -

    AttributeError

      -
    • If parameter metric is not string or string is not ‘ACE’, ‘ECE’ or ‘MCE’ - - If parameter ‘feature_names’ is set but length does not fit to second dim of X - - If no ground truth samples are provided - - If length of bins parameter does not match the number of features given by X - - If more than 3 feature dimensions (including confidence) are provided

    • -
    -

    -
    -
    -

- -
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.html b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.html new file mode 100644 index 0000000..a15fc60 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityQCE.html @@ -0,0 +1,266 @@ + + + + + + + + + + + netcal.presentation.ReliabilityQCE — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.presentation.ReliabilityQCE

+
+
+class netcal.presentation.ReliabilityQCE(bins: Union[int, Iterable[float], ndarray] = 10)
+

Visualizes the Conditional Quantile Calibration Error (C-QCE) in the scope of regression calibration as a bar chart +for probabilistic regression models. +See netcal.metrics.regression.QCE for a detailed documentation of the C-QCE [1]. +This method is able to visualize the C-QCE in terms of multiple univariate distributions if the input is given +as multiple independent Gaussians. +This method is also able to visualize the multivariate C-QCE for a multivariate Gaussian if the input is given +with covariance matrices.

+
+
Parameters:
+

bins (int or iterable, default: 10) – Number of bins used by the C-QCE binning. +If iterable, use different amount of bins for each dimension (nx1, nx2, … = bins).

+
+
+

References

+ +

Methods

+ + + + + + + + + +

__init__([bins])

Constructor.

plot(X, y, q, *[, kind, range_, filename, ...])

Visualizes the C-QCE as a bar chart either for multiple univariate data (if standard deviations are given as input) or for a joint multivariate distribution (if covariance matrices are given as input).

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.html b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.html new file mode 100644 index 0000000..cffbfa8 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_presentation/netcal.presentation.ReliabilityRegression.html @@ -0,0 +1,258 @@ + + + + + + + + + + + netcal.presentation.ReliabilityRegression — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.presentation.ReliabilityRegression

+
+
+class netcal.presentation.ReliabilityRegression(quantiles: Union[int, Iterable[float], ndarray] = 11)
+

Reliability diagram in the scope of regression calibration for probabilistic regression models. +This diagram visualizes the quantile coverage frequency for several quantile levels and plots these observed +coverage scores above the desired quantile levels. +In this way, it is possible to compare the predicted and the observed quantile levels with each other.

+

This method is able to visualize the quantile coverage in terms of multiple univariate distributions if the input +is given as multiple independent Gaussians. +This method is also able to visualize the multivariate quantile coverage for a joint multivariate Gaussian if the +input is given with covariance matrices.

+
+
Parameters:
+

quantiles (int or iterable, default: 11) – Quantile levels that are used for the visualization of the regression reliability diagram. +If int, use NumPy’s linspace method to get the quantile levels. +If iterable, use the specified quantiles for visualization.

+
+
+

Methods

+ + + + + + + + + +

__init__([quantiles])

Constructor.

plot(X, y, *[, kind, filename, tikz, ...])

Reliability diagram for regression calibration to visualize the predicted quantile levels vs.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPBeta.html b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPBeta.html new file mode 100644 index 0000000..63cc1b3 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPBeta.html @@ -0,0 +1,554 @@ + + + + + + + + + + + netcal.regression.GPBeta — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.GPBeta

+
+
+class netcal.regression.GPBeta(n_inducing_points: int = 12, n_random_samples: int = 128, *, name_prefix: str = 'gpbeta', **kwargs)
+

GP-Beta recalibration method for regression uncertainty calibration using the well-known Beta calibration method +from classification calibration in combination with a Gaussian process (GP) parameter estimation. +The basic idea of GP-Beta [1] is to apply recalibration on the uncalibrated cumulative density function (CDF), +similar as to the Isotonic Regression method [2]. +Since the CDF is restricted to the \([0, 1]\) interval, the authors in [1] propose to use the +Beta calibration scheme [3] known in the scope of confidence calibration. +Furthermore, the authors use a GP to obtain the recalibration parameters of the Beta function for each +sample individually, so that it should finally achieve distribution calibration [1].

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). +Let \(\tau_y \in [0, 1]\) denote a certain quantile on the uncalibrated CDF which +is denoted by \(\tau_y = F_Y(y)\). +Furthermore, let \(g_Y(y)\) and \(G_Y(y)\) denote the recalibrated PDF and CDF, respectively. +The Beta calibration function \(\mathbf{c}_\beta(\tau_y)\) known from [3] is given by

+
+\[\mathbf{c}_\beta(\tau_y) = \phi\big( a \log(\tau_y) - b \log(1-\tau_y) + c \big)\]
+

with recalibration parameters \(a,b \in \mathbb{R}_{>0}\) and \(c \in \mathbb{R}\), and +\(\phi(\cdot)\) as the sigmoid function [3]. +This method serves as a mapping from the uncalibrated CDF to the calibrated one, so that

+
+\[G_Y(y) = \mathbf{c}_\beta\big( F_Y(y) \big)\]
+

holds. The PDF is the derivative of the CDF, so that the calibrated PDF is given by

+
+\[g_Y(y) = \frac{\partial \mathbf{c}_\beta}{\partial y} += \frac{\partial \mathbf{c}_\beta}{\partial \tau_y} \frac{\partial \tau_y}{\partial y} += \mathbf{r}_\beta(\tau_y) f_Y(y) ,\]
+

with \(\mathbf{r}_\beta(\tau_y)\) as a beta link function [1] given by

+
+\[\mathbf{r}_\beta(\tau_y) = \Bigg(\frac{a}{\tau_y} + \frac{b}{1-\tau_y} \Bigg) +\mathbf{c}_\beta(\tau_y) \big(1 - \mathbf{c}_\beta(\tau_y)\big) .\]
+

Finally, the recalibration parameters \(a, b\) and \(c\) are obtained using a Gaussian process scheme. +In this way, it is possible to apply non-parametric distribution calibration [1].

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpbeta") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X[, t])

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.html b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.html new file mode 100644 index 0000000..426aa5c --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPCauchy.html @@ -0,0 +1,552 @@ + + + + + + + + + + + netcal.regression.GPCauchy — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.GPCauchy

+
+
+class netcal.regression.GPCauchy(n_inducing_points: int = 12, n_random_samples: int = 128, *, name_prefix: str = 'gpcauchy', **kwargs)
+

GP-Cauchy recalibration method for regression uncertainty calibration that consumes an uncalibrated Gaussian +distribution but converts it to a calibrated Cauchy distribution. +This method uses a Gaussian process (GP) for a flexible estimation of the recalibration parameter (cf. [1]). +Similar to netcal.regression.gp.GPNormal, the GP-Cauchy [2] acts as a kind of temperature scaling for +the variance of a Gaussian distribution [3], [4]. However, the rescaled variance is interpreted as the +scaling parameter of a Cauchy distribution. Furthermore, the rescaling parameter is not globally fixed but obtained +by a GP for each sample individually, so that we are able to convert a Gaussian to a Cauchy distribution [2]. +Thus, the GP-Cauchy seeks for distribution calibration but for parametric Cauchy distributions. +Note that this method does not change the mean but only reinterprets the predicted variance as the Cauchy scaling +parameter. The mode of the Cauchy is assumed to be equal to the input mean.

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). In our case, the uncalibrated PDF is given as a Gaussian, so +that \(f_Y(y) = \mathcal{N}\big(y; \mu_Y(X), \sigma^2_Y(X)\big)\) with mean \(\mu_Y(X)\) and variance +\(\sigma^2_Y(X)\) obtained by a probabilistic regression model that depends on the input \(X\). +The calibrated PDF \(g_Y(y)\) is a rescaled Cauchy distribution with fixed mode \(x_0 \in \mathbb{R}\) +and rescaled scaling parameter \(\lambda \in \mathbb{R}_{>0}\), so that

+
+\[g_Y(y) = \text{Cauchy}\Big(y; x_0=\mu_Y(X), \lambda=\big(\theta_y \cdot \sigma_Y(X)\big) \Big) ,\]
+

where \(\theta_y\) is the adaptive rescaling weight for a certain \(y\).

+

The GP-Cauchy utilizes a Gaussian process to obtain \(\theta_y\), so that

+
+\[\theta_y \sim \text{gp}(0, k) ,\]
+

where \(k\) is the kernel function (for a more detailed description of the underlying Gaussian process, see +documentation of parent class netcal.regression.gp.AbstractGP).

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpcauchy") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X)

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPNormal.html b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPNormal.html new file mode 100644 index 0000000..304b2c8 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.GPNormal.html @@ -0,0 +1,559 @@ + + + + + + + + + + + netcal.regression.GPNormal — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.GPNormal

+
+
+class netcal.regression.GPNormal(n_inducing_points: int = 12, n_random_samples: int = 128, *, correlations: bool = False, name_prefix: str = 'gpnormal', **kwargs)
+

GP-Normal recalibration method for regression uncertainty calibration using a temperature scaling for the +variance of a normal distribution but using the Gaussian process (GP) parameter estimation to adaptively +obtain the scaling parameter for each input individually. +The temperature scaling for the variance [1], [2] seeks to preserve a parametric Gaussian distribution as +calibration output and aims to reach variance calibration. That is, matching the predicted variance with the +observed “error variance” aka mean squared error. +In contrast to the standard approach, the GP-Normal [3] uses a Gaussian process (GP) from [4] to flexibly obtain +a recalibration weight for each sample individually. +Thus, the GP-Normal seeks for a mixed form of variance calibration in a more flexible way towards +distribution calibration for Gaussians. +Note that this method does not change the mean but only the predicted variance.

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). In our case, the PDF is given as a Gaussian, so that +\(f_Y(y) = \mathcal{N}\big(y; \mu_Y(X), \sigma^2_Y(X)\big)\) with mean \(\mu_Y(X)\) and variance +\(\sigma^2_Y(X)\) obtained by a probabilistic regression model that depends on the input \(X\). +The calibrated PDF \(g_Y(y)\) is the rescaled Gaussian with fixed mean and rescaled variance, so that

+
+\[g_Y(y) = \mathcal{N}\Big(y; \mu_Y(X), \big(\theta_y \cdot \sigma_Y(X)\big)^2\Big) ,\]
+

where \(\theta_y\) is the adaptive rescaling weight for a certain \(y\).

+

In contrast to the standard temperature scaling approach by [1], [2], the GP-Normal utilizes a Gaussian process +to obtain \(\theta_y\), so that

+
+\[\theta_y \sim \text{gp}(0, k) ,\]
+

where \(k\) is the kernel function (for a more detailed description of the underlying Gaussian process, see +documentation of parent class netcal.regression.gp.AbstractGP).

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • correlations (bool, default: False,) – If True, perform covariance estimation recalibration if the input during fit/transform is given as multiple +independent distributions, e.g., by a mean and standard deviation vector for each sample. +If the input is given as a mean vector and a covariance matrix for each sample, this method applies +covariance recalibration by learning a recalibration weight for each entry. +If False, perform standard regression recalibration and output independent probability distributions.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpnormal") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X)

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.html b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.html new file mode 100644 index 0000000..033aa2e --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.IsotonicRegression.html @@ -0,0 +1,316 @@ + + + + + + + + + + + netcal.regression.IsotonicRegression — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.IsotonicRegression

+
+
+class netcal.regression.IsotonicRegression
+

Isotonic regression calibration for probabilistic regression models with multiple independent +output dimensions (optionally). +Isotonic regression is a piecewise constant, monotonically increasing mapping function used to recalibrate +the estimated cumulative density function (CDF) of a probabilistic forecaster [1]. The goal of regression +calibration using Isotonic regression is to achieve quantile calibration.

+

On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of +shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic +forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of +probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples +and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single +NumPy array.

+

This method is capable of multiple independent data dimensions where separate calibration models are fitted for +each data dimension. This method outputs a tuple consisting of three NumPy arrays:

+
    +
  • 1st array: T points where the density/cumulative distribution functions are defined, shape: (T, N, D)

  • +
  • 2nd array: calibrated probability density function, shape: (T, N, D)

  • +
  • 3rd array: calibrated cumulative density function, shape: (T, N, D)

  • +
+

Mathematical background: In [1], regression calibration is defined in terms of quantile calibration. +A probabilistic forecaster \(h(X)\) outputs for any input \(X \in \mathbb{R}\) a probability density +distribution \(f_Y(y)\) for the target domain \(Y \in \mathcal{Y} = \mathbb{R}\). The according +cumulative density function (CDF) is denoted as \(F_Y(y)\), the respective (inverse) quantile function +\(F^{-1}_Y(\tau)\) for a certain confidence level \(\tau \in [0, 1]\). The quantile function denotes +the quantile boundaries in \(\mathcal{Y}\) given a certain confidence level \(\tau\). +Using this notation, quantile calibration [1] is defined as

+
+\[\mathbb{P}(Y \leq F^{-1}_Y(\tau)) = \tau, \quad \forall \tau \in [0, 1] ,\]
+

which is equivalent to

+
+\[\mathbb{P}(F^{-1}_Y(\tau_1) \leq Y \leq F^{-1}_Y(\tau_2)) = \tau_2 - \tau_1, +\quad \forall \tau_1, \tau_2 \in [0, 1] .\]
+

In other words, the estimated quantiles should match the observed quantiles. For example, if we inspect the 90% +quantiles of a forecaster over multiple samples, we would expect that 90% of all ground-truth estimates fall into +these quantiles.

+

The Isotonic Regression consumes the input cumulative distribution function (CDF) and compares it with the +empirical data CDF. With this comparison, it is possible to map the uncalibrated CDF estimates to calibrated +ones using a monotonically increasing step function.

+

References

+ +

Methods

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

__init__()

Constructor.

clear()

Clear model parameters.

fit(X, y[, tensorboard])

Fit a isotonic regression calibration method to the provided data.

fit_transform(X[, y])

Fit to data, then transform it.

get_params([deep])

Get parameters for this estimator.

load_model(filename)

Load model from saved torch dump.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_params(**params)

Set the parameters of this estimator.

transform(X[, t])

Transform uncalibrated distributional estimates (mean and stddev or stochastic samples) to calibrated ones by applying isotonic regression calibration of quantiles.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.html b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.html new file mode 100644 index 0000000..7ac7c2a --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression/netcal.regression.VarianceScaling.html @@ -0,0 +1,325 @@ + + + + + + + + + + + netcal.regression.VarianceScaling — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.VarianceScaling

+
+
+class netcal.regression.VarianceScaling
+

Variance recalibration using maximum likelihood estimation for multiple independent dimensions (optionally). +Rescales the input standard deviation by a scalar parameter to achieve variance calibration [1], [2]. +This method uses the negative log likelihood as the loss function to optimize the scalar scaling parameter. +The distributional mean is fixed during optimization.

+

On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of +shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic +forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of +probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples +and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single +NumPy array.

+

This method is capable of multiple independent data dimensions where separate calibration models are fitted for +each data dimension. This method outputs the recalibrated standard deviation (stddev) for each dimension D.

+

Mathematical background: In [1] and [2], regression calibration is defined in terms of variance calibration. +A probabilistic forecaster \(h(X)\) outputs for any input \(X \in \mathbb{R}\) a mean \(\mu_Y(X)\) +and a variance \(\sigma_Y^2(X)\) for the target domain \(Y \in \mathcal{Y} = \mathbb{R}\). +Using this notation, variance calibration [1], [2] is defined as

+
+\[\mathbb{E}_{X,Y}\Big[(\mu_Y(X) - Y)^2 | \sigma^2_Y(X) = \sigma \Big] = \sigma^2, +\quad \forall \sigma \in \mathbb{R}_{>0},\]
+

In other words, the estimated variance should match the observed variance given a certain variance level. +For example, if a forecaster outputs 100 predictions with a variance of \(\sigma^2=2\), we would also expect +a variance (mean squared error) of 2. +Further definitions for regression calibration are quantile calibration and distribution calibration.

+

To achieve variance calibration, the Variance Scaling methods applies a temperature scaling on the +input variance by a single scalar parameter \(\theta\). The methods uses the negative log likelihood as the +loss for the scalar. Since we are working with Gaussians, the loss is given by

+
+\[\begin{split}\mathcal{L}(\theta) &= -\sum^N_{n=1} \frac{1}{\sqrt{2\pi} \theta \cdot \sigma_Y(x_n)} +\exp\Bigg( \frac{y_n - \mu_Y(x_n)}{2 (\theta \cdot \sigma_Y(x_n))^2} \Bigg) \\ +&\propto -N \log(\theta) - \frac{1}{2\theta^2} \sum^N_{n=1} \sigma_Y^{-2}(x_n) , +\big(y_n - \mu_Y(x_n)\big)^2\end{split}\]
+

which is to be minimized. +Thus, we seek to get the minimum of the optimization objective which can be analytically determined in this case, +setting its first derivative to 0 by

+
+\[\begin{split}&\frac{\partial \mathcal{L}(\theta)}{\partial \theta} = 0\\ +\leftrightarrow \quad & -N \theta^2 \sum^N_{n=1} \sigma_Y^{-2}(x_n) \big(y_n - \mu_Y(x_n) \big)^2 \\ +\leftrightarrow \quad & \theta \pm \sqrt{\frac{1}{N} \sum^N_{n=1} \sigma_Y^{-2}(x_n) \big(y_n - \mu_Y(x_n) \big)^2} .\end{split}\]
+

References

+ +

Methods

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

__init__()

Constructor.

clear()

Clear model parameters.

fit(X, y[, tensorboard])

Fit a variance scaling calibration method to the provided data.

fit_transform(X[, y])

Fit to data, then transform it.

get_params([deep])

Get parameters for this estimator.

load_model(filename)

Load model from saved torch dump.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_params(**params)

Set the parameters of this estimator.

transform(X)

Transform uncalibrated distributional estimates (mean and stddev or stochastic samples) to calibrated ones by applying variance recalibration.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.html new file mode 100644 index 0000000..1d76e67 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.AbstractGP.html @@ -0,0 +1,570 @@ + + + + + + + + + + + netcal.regression.gp.AbstractGP — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.AbstractGP

+
+
+class netcal.regression.gp.AbstractGP(n_inducing_points: int, n_random_samples: int, *, n_parameters: int, correlations: bool = False, n_epochs: int = 200, batch_size: int = 256, num_workers: int = 0, lr: float = 0.01, use_cuda: Union[str, bool] = False, jitter: float = 1e-05, name_prefix='abstractgp')
+

Distribution recalibration of regression models using a Gaussian process parameter estimation. +The goal of regression calibration using a GP scheme is to achieve distribution calibration, +i.e., to match the predicted moments (mean, variance) to the true observed ones. In contrast to quantile +calibration [3]_, where only the marginal calibration is of interest, the distribution calibration is more +restrictive. It requires that the predicted moments should match the observed ones given a certain probability +distribution. Therefore, the authors in [1] propose to use Gaussian process to estimate the recalibration +parameters of a Beta calibration function locally (i.e., matching the observed moments of neighboring samples).

+

In this framework, we use the base GP scheme to implement the Beta calibration for regression [1] as well as +to derive a novel parametric recalibration that yields a parametric Gaussian or Cauchy distribution as +calibration output [2].

+

On the one hand, this method accepts as input X either a tuple X = (mean, stddev) using two NumPy arrays of +shape N with N number of samples that express the estimated mean and standard deviation of a probabilistic +forecaster. On the other hand, a NumPy array of shape (R, N) is also accepted where R denotes the number of +probabilistic forecasts. For example, if probabilistic outputs are obtained by Monte-Carlo sampling using N samples +and R stochastic forward passes, it is possible to pass all outputs to the calibration function in a single +NumPy array.

+

This method is capable of multiple independent data dimensions that are jointly optimized using a single Gaussian +process. This method outputs a tuple consisting of three NumPy arrays:

+
    +
  • 1st array: T points where the density/cumulative distribution functions are defined, shape: (T, N, D)

  • +
  • 2nd array: calibrated probability density function, shape: (T, N, D)

  • +
  • 3rd array: calibrated cumulative density function, shape: (T, N, D)

  • +
+

Mathematical background: In [1], regression calibration is defined in terms of distribution calibration. +A probabilistic forecaster \(h(X)\) outputs for any input \(X \in \mathbb{R}\) a probability density +distribution \(f_Y(y) \in \mathcal{F}_Y\) (where \(\mathcal{F}\) denotes the set of all possible +probability distributions) for the target domain \(Y \in \mathcal{Y} = \mathbb{R}\). Furthermore, let +\(S = h(X)\) denote the random variable of model predictions. +Using this notation, distribution calibration [1] is defined as

+
+\[f_Y(Y=y | S = s) = s(y), \quad \forall s \in \mathcal{F}_Y, \forall y \in \mathcal{Y} .\]
+

In other words, “this definition implies that if a calibrated model predicts a distribution with some mean +\(\mu\) and variance \(\sigma^2\) , then it means that on average over all cases with the same +prediction the mean of the target is \(\mu\) and variance is \(\sigma^2\)” (cf. [1], p. 4 ll. 25-28).

+

For uncertainty recalibration, a standard calibration function can be used, e. g., Variance Scaling. +In contrast to the standard methods, we can use a Gaussian process to estimate the rescaling parameter of the +scaling method. This offers more flexibility and a more “local” or focused recalibration of a single sample.

+

Since not all calibration methods yield an analytically tractable likelihood (e.g., the GP-Beta uses a non-standard +likelihood), the current GP scheme is a sampling based variational one. +Furthermore, as the amount of training data might grow very large, we use an approximate GP with so called +inducing points that are learnt from the data and used during inference to obtain the calibration parameters. +Therefore, we the computational complexity keeps fixed during inference. +For a detailed derivation of the GP scheme, cf. [1]. +For a detailed description of the kernel function, cf. netcal.regression.gp.kernel.GaussianRBFKernel.

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • n_parameters (int) – Number of parameters that are required for a dedicated implementation of the GP method (mainly used internally).

  • +
  • correlations (bool, default: False) – If True, perform covariance estimation or covariance recalibration on multivariate input data. +Only works for GPNormal.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "abstractgp") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__(n_inducing_points, ...[, ...])

Create an instance of AbstractCalibration.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X)

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.html new file mode 100644 index 0000000..4d6a863 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPBeta.html @@ -0,0 +1,563 @@ + + + + + + + + + + + netcal.regression.gp.GPBeta — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.GPBeta

+
+
+class netcal.regression.gp.GPBeta(n_inducing_points: int = 12, n_random_samples: int = 128, *, name_prefix: str = 'gpbeta', **kwargs)
+

GP-Beta recalibration method for regression uncertainty calibration using the well-known Beta calibration method +from classification calibration in combination with a Gaussian process (GP) parameter estimation. +The basic idea of GP-Beta [1] is to apply recalibration on the uncalibrated cumulative density function (CDF), +similar as to the Isotonic Regression method [2]. +Since the CDF is restricted to the \([0, 1]\) interval, the authors in [1] propose to use the +Beta calibration scheme [3] known in the scope of confidence calibration. +Furthermore, the authors use a GP to obtain the recalibration parameters of the Beta function for each +sample individually, so that it should finally achieve distribution calibration [1].

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). +Let \(\tau_y \in [0, 1]\) denote a certain quantile on the uncalibrated CDF which +is denoted by \(\tau_y = F_Y(y)\). +Furthermore, let \(g_Y(y)\) and \(G_Y(y)\) denote the recalibrated PDF and CDF, respectively. +The Beta calibration function \(\mathbf{c}_\beta(\tau_y)\) known from [3] is given by

+
+\[\mathbf{c}_\beta(\tau_y) = \phi\big( a \log(\tau_y) - b \log(1-\tau_y) + c \big)\]
+

with recalibration parameters \(a,b \in \mathbb{R}_{>0}\) and \(c \in \mathbb{R}\), and +\(\phi(\cdot)\) as the sigmoid function [3]. +This method serves as a mapping from the uncalibrated CDF to the calibrated one, so that

+
+\[G_Y(y) = \mathbf{c}_\beta\big( F_Y(y) \big)\]
+

holds. The PDF is the derivative of the CDF, so that the calibrated PDF is given by

+
+\[g_Y(y) = \frac{\partial \mathbf{c}_\beta}{\partial y} += \frac{\partial \mathbf{c}_\beta}{\partial \tau_y} \frac{\partial \tau_y}{\partial y} += \mathbf{r}_\beta(\tau_y) f_Y(y) ,\]
+

with \(\mathbf{r}_\beta(\tau_y)\) as a beta link function [1] given by

+
+\[\mathbf{r}_\beta(\tau_y) = \Bigg(\frac{a}{\tau_y} + \frac{b}{1-\tau_y} \Bigg) +\mathbf{c}_\beta(\tau_y) \big(1 - \mathbf{c}_\beta(\tau_y)\big) .\]
+

Finally, the recalibration parameters \(a, b\) and \(c\) are obtained using a Gaussian process scheme. +In this way, it is possible to apply non-parametric distribution calibration [1].

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpbeta") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X[, t])

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.html new file mode 100644 index 0000000..43f0f35 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPCauchy.html @@ -0,0 +1,561 @@ + + + + + + + + + + + netcal.regression.gp.GPCauchy — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.GPCauchy

+
+
+class netcal.regression.gp.GPCauchy(n_inducing_points: int = 12, n_random_samples: int = 128, *, name_prefix: str = 'gpcauchy', **kwargs)
+

GP-Cauchy recalibration method for regression uncertainty calibration that consumes an uncalibrated Gaussian +distribution but converts it to a calibrated Cauchy distribution. +This method uses a Gaussian process (GP) for a flexible estimation of the recalibration parameter (cf. [1]). +Similar to netcal.regression.gp.GPNormal, the GP-Cauchy [2] acts as a kind of temperature scaling for +the variance of a Gaussian distribution [3], [4]. However, the rescaled variance is interpreted as the +scaling parameter of a Cauchy distribution. Furthermore, the rescaling parameter is not globally fixed but obtained +by a GP for each sample individually, so that we are able to convert a Gaussian to a Cauchy distribution [2]. +Thus, the GP-Cauchy seeks for distribution calibration but for parametric Cauchy distributions. +Note that this method does not change the mean but only reinterprets the predicted variance as the Cauchy scaling +parameter. The mode of the Cauchy is assumed to be equal to the input mean.

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). In our case, the uncalibrated PDF is given as a Gaussian, so +that \(f_Y(y) = \mathcal{N}\big(y; \mu_Y(X), \sigma^2_Y(X)\big)\) with mean \(\mu_Y(X)\) and variance +\(\sigma^2_Y(X)\) obtained by a probabilistic regression model that depends on the input \(X\). +The calibrated PDF \(g_Y(y)\) is a rescaled Cauchy distribution with fixed mode \(x_0 \in \mathbb{R}\) +and rescaled scaling parameter \(\lambda \in \mathbb{R}_{>0}\), so that

+
+\[g_Y(y) = \text{Cauchy}\Big(y; x_0=\mu_Y(X), \lambda=\big(\theta_y \cdot \sigma_Y(X)\big) \Big) ,\]
+

where \(\theta_y\) is the adaptive rescaling weight for a certain \(y\).

+

The GP-Cauchy utilizes a Gaussian process to obtain \(\theta_y\), so that

+
+\[\theta_y \sim \text{gp}(0, k) ,\]
+

where \(k\) is the kernel function (for a more detailed description of the underlying Gaussian process, see +documentation of parent class netcal.regression.gp.AbstractGP).

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpcauchy") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X)

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.html new file mode 100644 index 0000000..25513f5 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp/netcal.regression.gp.GPNormal.html @@ -0,0 +1,568 @@ + + + + + + + + + + + netcal.regression.gp.GPNormal — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.GPNormal

+
+
+class netcal.regression.gp.GPNormal(n_inducing_points: int = 12, n_random_samples: int = 128, *, correlations: bool = False, name_prefix: str = 'gpnormal', **kwargs)
+

GP-Normal recalibration method for regression uncertainty calibration using a temperature scaling for the +variance of a normal distribution but using the Gaussian process (GP) parameter estimation to adaptively +obtain the scaling parameter for each input individually. +The temperature scaling for the variance [1], [2] seeks to preserve a parametric Gaussian distribution as +calibration output and aims to reach variance calibration. That is, matching the predicted variance with the +observed “error variance” aka mean squared error. +In contrast to the standard approach, the GP-Normal [3] uses a Gaussian process (GP) from [4] to flexibly obtain +a recalibration weight for each sample individually. +Thus, the GP-Normal seeks for a mixed form of variance calibration in a more flexible way towards +distribution calibration for Gaussians. +Note that this method does not change the mean but only the predicted variance.

+

Mathematical background: Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), +targeting the probability distribution for \(Y\). In our case, the PDF is given as a Gaussian, so that +\(f_Y(y) = \mathcal{N}\big(y; \mu_Y(X), \sigma^2_Y(X)\big)\) with mean \(\mu_Y(X)\) and variance +\(\sigma^2_Y(X)\) obtained by a probabilistic regression model that depends on the input \(X\). +The calibrated PDF \(g_Y(y)\) is the rescaled Gaussian with fixed mean and rescaled variance, so that

+
+\[g_Y(y) = \mathcal{N}\Big(y; \mu_Y(X), \big(\theta_y \cdot \sigma_Y(X)\big)^2\Big) ,\]
+

where \(\theta_y\) is the adaptive rescaling weight for a certain \(y\).

+

In contrast to the standard temperature scaling approach by [1], [2], the GP-Normal utilizes a Gaussian process +to obtain \(\theta_y\), so that

+
+\[\theta_y \sim \text{gp}(0, k) ,\]
+

where \(k\) is the kernel function (for a more detailed description of the underlying Gaussian process, see +documentation of parent class netcal.regression.gp.AbstractGP).

+
+
Parameters:
+
    +
  • n_inducing_points (int) – Number of inducing points used to approximate the input space. These inducing points are also optimized.

  • +
  • n_random_samples (int) – Number of random samples used to sample from the parameter distribution during optimization and inference.

  • +
  • correlations (bool, default: False,) – If True, perform covariance estimation recalibration if the input during fit/transform is given as multiple +independent distributions, e.g., by a mean and standard deviation vector for each sample. +If the input is given as a mean vector and a covariance matrix for each sample, this method applies +covariance recalibration by learning a recalibration weight for each entry. +If False, perform standard regression recalibration and output independent probability distributions.

  • +
  • n_epochs (int, default: 200) – Number of optimization epochs.

  • +
  • batch_size (int, default: 256) – Size of batches during optimization.

  • +
  • num_workers (int, optional, default: 0) – Number of workers used for the dataloader.

  • +
  • lr (float, optional, default: 1e-2) – Learning rate used for the Adam optimizer.

  • +
  • use_cuda (str or bool, optional, default: False) – The optimization and inference might also run on a CUDA device. If True, use the first available CUDA device. +You can also pass a string “cuda:0”, “cuda:1”, etc. to specify the CUDA device. +If False, use CPU for optimization and inference.

  • +
  • jitter (float, optional, default: 1e-5) – Small digit that is added to the diagonal of a covariance matrix to stabilize Cholesky decomposition during +Gaussian process optimization.

  • +
  • name_prefix (str, optional, default: "gpnormal") – Name prefix internally used in Pyro to distinguish between parameter stores.

  • +
+
+
+

References

+ +

Methods

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

__init__([n_inducing_points, ...])

Constructor.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

clear()

Clear module parameters.

constraint_for_parameter_name(param_name)

constraints()

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Additional information used to print if str(method) is called.

fit(X, y[, tensorboard])

Fit a GP model to the provided data using Gaussian process optimization.

fit_transform(X[, y])

Fit to data, then transform it.

float()

Casts all floating point parameters and buffers to float datatype.

forward(x)

Forward method defines the prior for the GP.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_fantasy_model(inputs, targets, **kwargs)

Returns a new GP model that incorporates the specified inputs and targets as new training data using online variational conditioning (OVC).

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_params([deep])

Overwrite base method's get_params function to also capture child parameters as variational strategy, LMC coefficients, etc.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

guide(x, y)

Pyro guide that defines the variational distribution for the Gaussian process.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_model(filename[, use_cuda])

Overwrite base method's load_model function as the parameters for the GP methods are stored differently compared to the remaining methods.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

model(x, y)

Model function that defines the computation graph.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_variational_parameters()

parameters([recurse])

Returns an iterator over module parameters.

pyro_guide(input[, beta, name_prefix])

(For Pyro integration only).

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_model(input[, beta, name_prefix])

(For Pyro integration only).

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

save_model(filename)

Save model instance as with torch's save function as this is safer for torch tensors.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

set_params(**params)

Set the parameters of this estimator.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

transform(X)

Transform the given stddev to a distribution-calibrated one using the input mean and stddev as priors for the underlying Gaussian process.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.html new file mode 100644 index 0000000..a97323f --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_kernel/netcal.regression.gp.kernel.GaussianRBFKernel.html @@ -0,0 +1,493 @@ + + + + + + + + + + + netcal.regression.gp.kernel.GaussianRBFKernel — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.kernel.GaussianRBFKernel

+
+
+class netcal.regression.gp.kernel.GaussianRBFKernel(*args, cov: bool, **kwargs)
+

Computes the Gaussian RBF kernel using input points defined as Gaussians. +This kernel has been proposed by [1]. +Given input samples \(\mathbf{x}_i, \mathbf{x}_j \in \mathbb{R}^d\) of dimension \(d\) with +according covariances \(\Sigma_i, \Sigma_j \in \mathbb{R}^{d \times d}\) that define a +Gaussian for each input point. The kernel function is defined as

+
+\[k\Big((\mathbf{x}_i, \Sigma_i), (\mathbf{x}_j, \Sigma_j)\Big) = \theta^d |\Sigma_{ij}|^{-\frac{1}{2}} \exp \Bigg( -\frac{1}{2} (\mathbf{x}_i-\mathbf{x}_j)^\top +\Sigma_{ij}^{-1}(\mathbf{x}_i-\mathbf{x}_j) \Bigg) ,\]
+

with

+
+\[\Sigma_{ij} = \Sigma_i + \Sigma_j + \theta^2 \mathbf{I} ,\]
+

where \(\theta \in \mathbb{R}\) is a lengthscale parameter. Since we’re only using +independent normal distributions for each dimension, we only have diagonal covariance matrices.

+

References

+ +

Methods

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

__init__(*args, cov, **kwargs)

Initializes internal Module state, shared by both nn.Module and ScriptModule.

add_module(name, module)

Adds a child module to the current module.

added_loss_terms()

apply(fn)

Applies fn recursively to every submodule (as returned by .children()) as well as self.

bfloat16()

Casts all floating point parameters and buffers to bfloat16 datatype.

buffers([recurse])

Returns an iterator over module buffers.

children()

Returns an iterator over immediate children modules.

constraint_for_parameter_name(param_name)

constraints()

covar_dist(x1, x2[, diag, ...])

This is a helper method for computing the Euclidean distance between all pairs of points in x1 and x2.

cpu()

Moves all model parameters and buffers to the CPU.

cuda([device])

Moves all model parameters and buffers to the GPU.

double()

Casts all floating point parameters and buffers to double datatype.

eval()

Sets the module in evaluation mode.

extra_repr()

Set the extra representation of the module

float()

Casts all floating point parameters and buffers to float datatype.

forward(x1, x2[, diag])

Computes the Gaussian moment-matching RBF kernel.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

half()

Casts all floating point parameters and buffers to half datatype.

hyperparameters()

initialize(**kwargs)

Set a value for a parameter

ipu([device])

Moves all model parameters and buffers to the IPU.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_strict_shapes(value)

local_load_samples(samples_dict, memo, prefix)

Defines local behavior of this Module when loading parameters from a samples_dict generated by a Pyro sampling mechanism.

modules()

Returns an iterator over all modules in the network.

named_added_loss_terms()

Returns an iterator over module variational strategies, yielding both the name of the variational strategy as well as the strategy itself.

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_constraints([memo, prefix])

named_hyperparameters()

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

named_parameters_and_constraints()

named_priors([memo, prefix])

Returns an iterator over the module's priors, yielding the name of the prior, the prior, the associated parameter names, and the transformation callable.

named_sub_kernels()

named_variational_parameters()

num_outputs_per_input(x1, x2)

How many outputs are produced per input (default 1) if x1 is size n x d and x2 is size m x d, then the size of the kernel will be (n * num_outputs_per_input) x (m * num_outputs_per_input) Default: 1

parameters([recurse])

Returns an iterator over module parameters.

prediction_strategy(train_inputs, ...)

pyro_load_from_samples(samples_dict)

Convert this Module in to a batch Module by loading parameters from the given samples_dict.

pyro_sample_from_prior()

For each parameter in this Module and submodule that have defined priors, sample a value for that parameter from its corresponding prior with a pyro.sample primitive and load the resulting value in to the parameter.

register_added_loss_term(name)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_constraint(param_name, constraint)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, parameter)

Adds a parameter to the module.

register_prior(name, prior, param_or_closure)

Adds a prior to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

sample_from_prior(prior_name)

Sample parameter values from prior.

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

share_memory()

See torch.Tensor.share_memory_()

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

sub_kernels()

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

to_pyro_random_module()

train([mode])

Sets the module in training mode.

type(dst_type)

Casts all parameters and buffers to dst_type.

update_added_loss_term(name, added_loss_term)

variational_parameters()

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.html new file mode 100644 index 0000000..8a48688 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.BetaLikelihood.html @@ -0,0 +1,423 @@ + + + + + + + + + + + netcal.regression.gp.likelihood.BetaLikelihood — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.likelihood.BetaLikelihood

+
+
+class netcal.regression.gp.likelihood.BetaLikelihood(loc: Tensor, logvar: Tensor, parameters: Tensor)
+

Beta likelihood used to implement the basic functionality of the netcal.regression.gp.GPBeta +recalibration method. +This function serves the standard beta calibration mapping for the cumulative distribution function (CDF) as well +as the derived beta link function for the recalibration of the probability density function (PDF). +Since the likelihood of the Gaussian process is calculated during model training using the PDF, this method +is required not only for the inference but also for the training of the netcal.regression.gp.GPBeta method +[1].

+

Mathematical background: From the docstring of netcal.regression.gp.GPBeta, we know that the GP-Beta +utilizes the beta calibration method [2] from confidence calibration (cf. netcal.scaling.BetaCalibration) +for the recalibration of the CDF. +Let \(f_Y(y)\) denote the uncalibrated probability density function (PDF), targeting the probability +distribution for \(Y\). Let \(\tau_y \in [0, 1]\) denote a certain quantile on the uncalibrated CDF which +is denoted by \(\tau_y = F_Y(y)\). +Furthermore, let \(g_Y(y)\) and \(G_Y(y)\) denote the recalibrated PDF and CDF, respectively. +The Beta calibration function \(\mathbf{c}_\beta(\tau_y)\) known from [2] is given by

+
+\[\begin{split}\mathbf{c}_\beta(\tau_y) &= \phi\big( a \log(\tau_y) - b \log(1-\tau_y) + c \big) \\ +&= \phi\big( z(\tau_y) \big) ,\end{split}\]
+

with recalibration parameters \(a,b \in \mathbb{R}_{>0}\) and \(c \in \mathbb{R}\), and +\(\phi(\cdot)\) as the sigmoid function [2]. +In this case, we denote the logit of the beta calibration function \(\mathbf{c}_\beta(\tau_y)\) by

+
+\[z(\tau_y) = a \log(\tau_y) - b \log(1-\tau_y) + c .\]
+

The beta calibration method serves as a mapping from the uncalibrated CDF to the calibrated one, so that

+
+\[G_Y(y) = \mathbf{c}_\beta\big( F_Y(y) \big)\]
+

holds. The PDF is recalibrated using the beta link function \(\mathbf{r}_\beta(\tau_y)\) [1] by

+
+\[g_Y(y) = \frac{\partial \mathbf{c}_\beta}{\partial y} += \frac{\partial \mathbf{c}_\beta}{\partial \tau_y} \frac{\partial \tau_y}{\partial y} += \mathbf{r}_\beta(\tau_y) f_Y(y) ,\]
+

where the beta link function is given by

+
+\[\mathbf{r}_\beta(\tau_y) = \Bigg(\frac{a}{\tau_y} + \frac{b}{1-\tau_y} \Bigg) +\mathbf{c}_\beta(\tau_y) \big(1 - \mathbf{c}_\beta(\tau_y)\big) .\]
+

The recalibration parameters \(a,b\) and \(c\) are not directly infered by the GP but rather use the +underlying function parameters \(w_a, w_b, w_c \in \mathbb{R}\), so that

+
+\[\begin{split}a &= \exp(\gamma_a^{-1} w_a + \delta_a) \\ +b &= \exp(\gamma_b^{-1} w_b + \delta_b) \\ +c &= \gamma_c^{-1} w_c + \delta_c\end{split}\]
+

are given as the beta distribution parameters to guarantee \(a, b > 0\). +During optimization, we need the log of the link function. We use a numerical more stable version:

+
+\[\log\big(\mathbf{r}_\beta(\tau_y)\big) = \log \Bigg(\frac{a}{\tau_y} + \frac{b}{1-\tau_y} \Bigg) + +\log \Big( \mathbf{c}_\beta(\tau_y) \big(1 - \mathbf{c}_\beta(\tau_y)\big) \Big)\]
+

The first part can be rewritten as:

+
+\[\begin{split}& \log \Bigg(\frac{a}{\tau_y} + \frac{b}{1-\tau_y} \Bigg) \\ +&= \log \Bigg( \exp \Big( \log(a) - \log(\tau_y) \Big) + \exp \Big( \log(b) - \log(1-\tau_y) \Big) \Bigg) \\ +&= \log \Bigg( \exp \Big( \gamma_a^{-1} w_a + \delta_a - \log(\tau_y) \Big) + \exp \Big( \gamma_b^{-1} w_b + \delta_b - \log(1-\tau_y) \Big) \Bigg) \\ +&= \text{logsumexp} \Bigg[ \Big( \gamma_a^{-1} w_a + \delta_a - \log(\tau_y) \Big), \Big( \gamma_b^{-1} w_b + \delta_b - \log(1-\tau_y) \Big) \Bigg]\end{split}\]
+

where \(\text{logsumexp}\) is a numerical stable version of \(\log \Big( \sum_x \exp(x) \Big)\) in PyTorch. +In addition, we can also simplify the expression for the log of the sigmoid functions that are used within +the computation of \(\mathbf{c}_\beta(\tau_y)\) by

+
+\[\begin{split}\log(\phi(x)) &= -\log \Big( \exp(-x) + 1 \Big), \\ +\log(1-\phi(x)) &= -\log \Big( \exp(x) + 1 \Big)\end{split}\]
+

which can also be expressed in terms of PyTorch’s numerical more stable \(\text{softplus}\) +function \(\log \Big( \exp(x) + 1 \Big)\). Thus, the log of the link function can be expressed as

+
+\[\begin{split}\log(r_\beta(\tau_y)) = &\text{logsumexp} \Bigg[ \Big( \gamma_a^{-1} w_a + \delta_a - \log(\tau_y) \Big), +\Big( \gamma_b^{-1} w_b + \delta_b - \log(1-\tau_y) \Big) \Bigg] \\ +&- \Big(\text{softplus}\big(-z(x)\big) + \text{softplus}\big(z(x)\big)\Big)\end{split}\]
+
+
Parameters:
+
    +
  • loc (torch.Tensor, shape: ([[1], 1], n, d)) – Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. +This class also supports broadcasting of the calculations to t sampling points (defining the non-parametric +PDF/CDF, first dim) and r random samples (second dim).

  • +
  • logvar (torch.Tensor, shape: ([[1], 1], n, d)) – Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d +dimensions. This class also supports broadcasting of the calculations to t sampling points (defining the +non-parametric PDF/CDF, first dim) and r random samples (second dim).

  • +
  • parameters (torch.Tensor, shape: ([[1], r], n, p*d)) – Rescaling parameters of the beta link function before applying the exponential (for parameters \(a, b\)) +with n samples d dimensions, r random samples and p as the number of parameters (p=3 in this case).

  • +
+
+
+

References

+ +

Methods

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

__init__(loc, logvar, parameters)

Constructor.

cdf(t)

Calculate cumulative distribution function (CDF) at the points given by 't' using the underlying uncalibrated cumulative \(F_Y(y)\) that is rescaled by the calibration parameters.

conjugate_update(other)

EXPERIMENTAL Creates an updated distribution fusing information from another compatible distribution.

entropy()

Returns entropy of distribution, batched over batch_shape.

enumerate_support([expand])

Returns tensor containing all values supported by a discrete distribution.

expand(batch_shape[, _instance])

Returns a new ExpandedDistribution instance with batch dimensions expanded to batch_shape.

expand_by(sample_shape)

Expands a distribution by adding sample_shape to the left side of its batch_shape.

has_rsample_(value)

Force reparameterized or detached sampling on a single distribution instance.

icdf(value)

Returns the inverse cumulative density/mass function evaluated at value.

independent([reinterpreted_batch_ndims])

infer_shapes(**arg_shapes)

Infers batch_shape and event_shape given shapes of args to __init__().

log_prob(value)

Calculate the log-density at the points given by 'value' using the underlying uncalibrated distribution \(f_Y(y)\) that is rescaled by the calibration parameters.

mask(mask)

Masks a distribution by a boolean or boolean-valued tensor that is broadcastable to the distributions batch_shape .

perplexity()

Returns perplexity of distribution, batched over batch_shape.

reshape([sample_shape, extra_event_dims])

rsample([sample_shape])

Generates a sample_shape shaped reparameterized sample or sample_shape shaped batch of reparameterized samples if the distribution parameters are batched.

sample([sample_shape])

Generates a sample_shape shaped sample or sample_shape shaped batch of samples if the distribution parameters are batched.

sample_n(n)

Generates n samples or n batches of samples if the distribution parameters are batched.

score_parts(x, *args, **kwargs)

Computes ingredients for stochastic gradient estimators of ELBO.

set_default_validate_args(value)

Sets whether validation is enabled or disabled.

shape([sample_shape])

The tensor shape of samples from this distribution.

to_event([reinterpreted_batch_ndims])

Reinterprets the n rightmost dimensions of this distributions batch_shape as event dims, adding them to the left side of event_shape.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.html new file mode 100644 index 0000000..b605ca3 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.CauchyLikelihood.html @@ -0,0 +1,358 @@ + + + + + + + + + + + netcal.regression.gp.likelihood.CauchyLikelihood — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.likelihood.CauchyLikelihood

+
+
+class netcal.regression.gp.likelihood.CauchyLikelihood(loc: Tensor, logvar: Tensor, parameters: Tensor)
+

Standard likelihood of a Cauchy distribution used within netcal.regression.gp.GPCauchy +where the scaling parameter \(\lambda\) is obtained by +combining the uncalibrated standard deviation with a rescaling parameter obtained by a Gaussian process. +This method provides the likelihood for the netcal.regression.gp.GPCauchy by applying a rescaling +of the uncalibrated input standard deviation by a recalibration parameter \(\theta_y\) [1], so that the +recalibrated probability density function (PDF) \(g_Y(y)\) is given by

+
+\[g_Y(y) = \text{Cauchy}\Big(y; x_0=\mu_Y(X), \lambda=\big(\theta_y \cdot \sigma_Y(X)\big)\Big)\]
+

with \(\mu_Y(X) \in \mathbb{R}\) and \(\sigma_Y(X) \in \mathbb{R}_{>0}\) as the uncalibrated +mean and standard deviation, respectively, and \(x_0\) as the mode of the Cauchy which is approximated by +the uncalibrated mean estimate.

+
+
Parameters:
+
    +
  • loc (torch.Tensor, shape: ([1], n, d)) – Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. +This class also supports broadcasting of the calculations to r random samples (first dim).

  • +
  • logvar (torch.Tensor, shape: ([1], n, d)) – Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d +dimensions. This class also supports broadcasting of the calculations to r random samples (first dim).

  • +
  • parameters (torch.Tensor, shape: ([r], n, d)) – Rescaling parameter of the GP-Cauchy with n samples d dimensions and r random samples.

  • +
+
+
+

References

+ +

Methods

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

__init__(loc, logvar, parameters)

Constructor.

cdf(value)

Returns the cumulative density/mass function evaluated at value.

conjugate_update(other)

EXPERIMENTAL Creates an updated distribution fusing information from another compatible distribution.

entropy()

Returns entropy of distribution, batched over batch_shape.

enumerate_support([expand])

Returns tensor containing all values supported by a discrete distribution.

expand(batch_shape[, _instance])

Expand-method.

expand_by(sample_shape)

Expands a distribution by adding sample_shape to the left side of its batch_shape.

has_rsample_(value)

Force reparameterized or detached sampling on a single distribution instance.

icdf(value)

Returns the inverse cumulative density/mass function evaluated at value.

independent([reinterpreted_batch_ndims])

infer_shapes(**arg_shapes)

Infers batch_shape and event_shape given shapes of args to __init__().

log_prob(value)

Returns the log of the probability density/mass function evaluated at value.

mask(mask)

Masks a distribution by a boolean or boolean-valued tensor that is broadcastable to the distributions batch_shape .

perplexity()

Returns perplexity of distribution, batched over batch_shape.

reshape([sample_shape, extra_event_dims])

rsample([sample_shape])

Generates a sample_shape shaped reparameterized sample or sample_shape shaped batch of reparameterized samples if the distribution parameters are batched.

sample([sample_shape])

Generates a sample_shape shaped sample or sample_shape shaped batch of samples if the distribution parameters are batched.

sample_n(n)

Generates n samples or n batches of samples if the distribution parameters are batched.

score_parts(x, *args, **kwargs)

Computes ingredients for stochastic gradient estimators of ELBO.

set_default_validate_args(value)

Sets whether validation is enabled or disabled.

shape([sample_shape])

The tensor shape of samples from this distribution.

to_event([reinterpreted_batch_ndims])

Reinterprets the n rightmost dimensions of this distributions batch_shape as event dims, adding them to the left side of event_shape.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.html new file mode 100644 index 0000000..4535650 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood.html @@ -0,0 +1,371 @@ + + + + + + + + + + + netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood

+
+
+class netcal.regression.gp.likelihood.ScaledMultivariateNormalLikelihood(loc: Tensor, var: Tensor, parameters: Tensor)
+

Standard likelihood of a multivariate normal distribution used within netcal.regression.gp.GPNormal +for covariance estimation and covariance recalibration. +This method provides the multivariate likelihood for the netcal.regression.gp.GPNormal when +“correlations=True”. +The input to this class is given as the LDL* decomposed (uncalibrated) covariance matrix +\(\boldsymbol{\Sigma}_{\mathbf{Y}}(X) = \mathbf{L}\mathbf{D}\mathbf{L}^{\top}\). +Afterwards, this method applies a rescaling of the uncalibrated \(\mathbf{L} \in \mathbb{R}^{d \times d}\) +and \(\mathbf{D} \in \mathbb{R}^{d \times d}\) matrices by the +recalibration parameters \(\theta_L \in \mathbb{R}^{d \times d}\) and +\(\theta_D \in \mathbb{R}^{d \times d}_{>0}\) [1], so that the recalibrated +probability density function (PDF) \(g_{\mathbf{Y}}(\mathbf{y})\) is given by

+
+\[g_{\mathbf{Y}}(\mathbf{y}) = \mathcal{N}\Big(\mathbf{y}; \boldsymbol{\mu}_{\mathbf{Y}}(X), +(\theta_L \odot \mathbf{L})(\theta_D \odot \mathbf{D})(\theta_L \odot \mathbf{L})^{\top} \big) \Big)\]
+

with \(\boldsymbol{\mu}_{\mathbf{Y}}(X) \in \mathbb{R}\) as the uncalibrated mean and \(\odot\) as +the element-wise matrix multiplication operator.

+
+
Parameters:
+
    +
  • loc (torch.Tensor, shape: ([1], n, d)) – Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. +This class also supports broadcasting of the calculations to r random samples (first dim).

  • +
  • var (torch.Tensor, shape: ([1], n, (d^2+d) // 2)) – LDL* decomposed covariance matrix (compressed form) of the uncalibrated (Gaussian) probability distribution +with n samples and d dimensions. This class also supports broadcasting of the calculations to r random samples +(first dim).

  • +
  • parameters (torch.Tensor, shape: ([r], n, (d+d^2) // 2)) – Rescaling parameter of the GP-Normal for the decomposed covariance matrices with n samples d dimensions +and r random samples.

  • +
+
+
+

References

+ +

Methods

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

__init__(loc, var, parameters)

Constructor.

cdf(value)

Returns the cumulative density/mass function evaluated at value.

conjugate_update(other)

EXPERIMENTAL Creates an updated distribution fusing information from another compatible distribution.

entropy()

Returns entropy of distribution, batched over batch_shape.

enumerate_support([expand])

Returns tensor containing all values supported by a discrete distribution.

expand(batch_shape[, _instance])

Expand-method.

expand_by(sample_shape)

Expands a distribution by adding sample_shape to the left side of its batch_shape.

has_rsample_(value)

Force reparameterized or detached sampling on a single distribution instance.

icdf(value)

Returns the inverse cumulative density/mass function evaluated at value.

independent([reinterpreted_batch_ndims])

infer_shapes(loc[, covariance_matrix, ...])

Infers batch_shape and event_shape given shapes of args to __init__().

log_prob(value)

Returns the log of the probability density/mass function evaluated at value.

mask(mask)

Masks a distribution by a boolean or boolean-valued tensor that is broadcastable to the distributions batch_shape .

perplexity()

Returns perplexity of distribution, batched over batch_shape.

reconstruct(decomposed)

Reconstruct the lower \(\mathbf{L}\) and diagonal \(\mathbf{D}\) matrices from the flat input vector given by "decomposed" since Pyro does not support an additional dimension internally.

rescale(var, parameters)

This method applies the rescaling of the LDL* decomposed covariance matrices by computing \(\theta_L \odot \mathbf{L}\) and \(\theta_D \odot \mathbf{D}\).

reshape([sample_shape, extra_event_dims])

rsample([sample_shape])

Generates a sample_shape shaped reparameterized sample or sample_shape shaped batch of reparameterized samples if the distribution parameters are batched.

sample([sample_shape])

Generates a sample_shape shaped sample or sample_shape shaped batch of samples if the distribution parameters are batched.

sample_n(n)

Generates n samples or n batches of samples if the distribution parameters are batched.

score_parts(x, *args, **kwargs)

Computes ingredients for stochastic gradient estimators of ELBO.

set_default_validate_args(value)

Sets whether validation is enabled or disabled.

shape([sample_shape])

The tensor shape of samples from this distribution.

to_event([reinterpreted_batch_ndims])

Reinterprets the n rightmost dimensions of this distributions batch_shape as event dims, adding them to the left side of event_shape.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.html new file mode 100644 index 0000000..6dc26d7 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/_autosummary_regression_gp_likelihood/netcal.regression.gp.likelihood.ScaledNormalLikelihood.html @@ -0,0 +1,356 @@ + + + + + + + + + + + netcal.regression.gp.likelihood.ScaledNormalLikelihood — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.likelihood.ScaledNormalLikelihood

+
+
+class netcal.regression.gp.likelihood.ScaledNormalLikelihood(loc: Tensor, logvar: Tensor, parameters: Tensor)
+

Standard likelihood of a normal distribution used within netcal.regression.gp.GPNormal +with additional rescaling parameters for the variance. +This method provides the likelihood for the netcal.regression.gp.GPNormal by applying a rescaling +of the uncalibrated input variance by a recalibration parameter \(\theta_y\) [1], so that the recalibrated +probability density function (PDF) \(g_Y(y)\) is given by

+
+\[g_Y(y) = \mathcal{N}\Big(y; \mu_Y(X), \big(\theta_y \cdot \sigma_Y(X)\big)^2\Big)\]
+

with \(\mu_Y(X) \in \mathbb{R}\) and \(\sigma_Y(X) \in \mathbb{R}_{>0}\) as the uncalibrated +mean and standard deviation, respectively.

+
+
Parameters:
+
    +
  • loc (torch.Tensor, shape: ([1], n, d)) – Mean vector of the uncalibrated (Gaussian) probability distribution with n samples and d dimensions. +This class also supports broadcasting of the calculations to r random samples (first dim).

  • +
  • logvar (torch.Tensor, shape: ([1], n, d)) – Log of the variance vector of the uncalibrated (Gaussian) probability distribution with n samples and d +dimensions. This class also supports broadcasting of the calculations to r random samples (first dim).

  • +
  • parameters (torch.Tensor, shape: ([r], n, d)) – Rescaling parameter of the GP-Normal with n samples d dimensions and r random samples.

  • +
+
+
+

References

+ +

Methods

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

__init__(loc, logvar, parameters)

Constructor.

cdf(value)

Returns the cumulative density/mass function evaluated at value.

conjugate_update(other)

EXPERIMENTAL Creates an updated distribution fusing information from another compatible distribution.

entropy()

Method to compute the entropy using Bregman divergence of the log normalizer.

enumerate_support([expand])

Returns tensor containing all values supported by a discrete distribution.

expand(batch_shape[, _instance])

Expand-method.

expand_by(sample_shape)

Expands a distribution by adding sample_shape to the left side of its batch_shape.

has_rsample_(value)

Force reparameterized or detached sampling on a single distribution instance.

icdf(value)

Returns the inverse cumulative density/mass function evaluated at value.

independent([reinterpreted_batch_ndims])

infer_shapes(**arg_shapes)

Infers batch_shape and event_shape given shapes of args to __init__().

log_prob(value)

Returns the log of the probability density/mass function evaluated at value.

mask(mask)

Masks a distribution by a boolean or boolean-valued tensor that is broadcastable to the distributions batch_shape .

perplexity()

Returns perplexity of distribution, batched over batch_shape.

reshape([sample_shape, extra_event_dims])

rsample([sample_shape])

Generates a sample_shape shaped reparameterized sample or sample_shape shaped batch of reparameterized samples if the distribution parameters are batched.

sample([sample_shape])

Generates a sample_shape shaped sample or sample_shape shaped batch of samples if the distribution parameters are batched.

sample_n(n)

Generates n samples or n batches of samples if the distribution parameters are batched.

score_parts(x, *args, **kwargs)

Computes ingredients for stochastic gradient estimators of ELBO.

set_default_validate_args(value)

Sets whether validation is enabled or disabled.

shape([sample_shape])

The tensor shape of samples from this distribution.

to_event([reinterpreted_batch_ndims])

Reinterprets the n rightmost dimensions of this distributions batch_shape as event dims, adding them to the left side of event_shape.

+
+ +
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.html new file mode 100644 index 0000000..359c89e --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.kernel.html @@ -0,0 +1,256 @@ + + + + + + + + + + + netcal.regression.gp.kernel — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.kernel

+
+

Kernels for GP

+

Package with all custom definitions for the kernel functions that are used by the Gaussian process (GP) framework.

+
+
+

Available classes

+ + + + + + +

GaussianRBFKernel(*args, cov, **kwargs)

Computes the Gaussian RBF kernel using input points defined as Gaussians.

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.html b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.html new file mode 100644 index 0000000..8a61d84 --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/_autosummary_regression_gp_submodules/netcal.regression.gp.likelihood.html @@ -0,0 +1,270 @@ + + + + + + + + + + + netcal.regression.gp.likelihood — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp.likelihood

+
+

Likelihoods for GP

+

Package with all custom definitions for the likelihood functions that are used by the Gaussian process (GP) framework +during training and inference.

+
+
+

Available classes

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

ScaledNormalLikelihood(loc, logvar, parameters)

Standard likelihood of a normal distribution used within netcal.regression.gp.GPNormal with additional rescaling parameters for the variance.

ScaledMultivariateNormalLikelihood(loc, var, ...)

Standard likelihood of a multivariate normal distribution used within netcal.regression.gp.GPNormal for covariance estimation and covariance recalibration.

BetaLikelihood(loc, logvar, parameters)

Beta likelihood used to implement the basic functionality of the netcal.regression.gp.GPBeta recalibration method.

CauchyLikelihood(loc, logvar, parameters)

Standard likelihood of a Cauchy distribution used within netcal.regression.gp.GPCauchy where the scaling parameter \(\lambda\) is obtained by combining the uncalibrated standard deviation with a rescaling parameter obtained by a Gaussian process.

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regression_gp/netcal.regression.gp.html b/docs/build/html/_autosummary/_autosummary_regression_gp/netcal.regression.gp.html new file mode 100644 index 0000000..01c2e2b --- /dev/null +++ b/docs/build/html/_autosummary/_autosummary_regression_gp/netcal.regression.gp.html @@ -0,0 +1,309 @@ + + + + + + + + + + + netcal.regression.gp — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression.gp

+
+

Regression GP Calibration Package

+

This package provides the framework for all Gaussian Process (GP) recalibration schemes. +These are GP-Beta [2], GP-Normal [3], and GP-Cauchy [3]. The goal of regression calibration using a GP scheme is to achieve +distribution calibration, i.e., to match the predicted moments (mean, variance) to the true observed ones. +In contrast to quantile calibration [1], where only the marginal calibration is of interest, the distribution calibration [2] is more +restrictive. It requires that the predicted moments should match the observed ones given a certain probability +distribution. Therefore, the authors in [2] propose to use Gaussian process to estimate the recalibration +parameters of a Beta calibration function locally (i.e., matching the observed moments of neighboring samples). +The GP-Normal and the GP-Cauchy follow the same principle but return parametric output distributions after calibration.

+
+

References

+

[1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: +“Accurate uncertainties for deep learning using calibrated regression.” +International Conference on Machine Learning. PMLR, 2018. +Get source online

+

[2] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: +“Distribution calibration for regression.” +International Conference on Machine Learning. PMLR, 2019. +Get source online

+

[3] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: +“Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection.” +ArXiv preprint arXiv:2207.01242, 2022. +Get source online

+
+
+
+

Available classes

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

AbstractGP(n_inducing_points, ...[, ...])

Distribution recalibration of regression models using a Gaussian process parameter estimation.

GPBeta([n_inducing_points, ...])

GP-Beta recalibration method for regression uncertainty calibration using the well-known Beta calibration method from classification calibration in combination with a Gaussian process (GP) parameter estimation.

GPNormal([n_inducing_points, ...])

GP-Normal recalibration method for regression uncertainty calibration using a temperature scaling for the variance of a normal distribution but using the Gaussian process (GP) parameter estimation to adaptively obtain the scaling parameter for each input individually.

GPCauchy([n_inducing_points, ...])

GP-Cauchy recalibration method for regression uncertainty calibration that consumes an uncalibrated Gaussian distribution but converts it to a calibrated Cauchy distribution.

+
+
+

Packages

+ + + + + + + + + +

kernel

Kernels for GP + +Package with all custom definitions for the kernel functions that are used by the Gaussian process (GP) framework.

likelihood

Likelihoods for GP + +Package with all custom definitions for the likelihood functions that are used by the Gaussian process (GP) framework +during training and inference.

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.ConfidencePenalty.html b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.ConfidencePenalty.html index 22e890e..1c6ef0b 100644 --- a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.ConfidencePenalty.html +++ b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.ConfidencePenalty.html @@ -1,60 +1,201 @@ - - + + + + - netcal.regularization.ConfidencePenalty — calibration-framework 1.2.1 documentation - - + + + netcal.regularization.ConfidencePenalty — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regularization.ConfidencePenalty

+
+
+class netcal.regularization.ConfidencePenalty(weight: float = 1.0, threshold: float = -1.0, reduction='mean')
+

Confidence penalty regularization implementation for PyTorch. +This penalty term can be applied to any loss function as a regularizer [1].

+
+
Parameters:
  • weight (float) – Weight of entropy.

  • threshold (float, optional, default: None) – Entropy threshold (no penalty is assigned above threshold).

  • @@ -63,26 +204,23 @@

    netcal.regularization.ConfidencePenaltyReferences

    -
    -
    1
    -

    G. Pereyra, G. Tucker, J. Chorowski, Lukasz Kaiser, and G. Hinton: +

    -
    -
    -
    -__init__(weight: float = 1.0, threshold: float = -1.0, reduction='mean')
    + + +
    +
    +__init__(weight: float = 1.0, threshold: float = -1.0, reduction='mean')

    Constructor. For parameter description, see class docstring.

    Methods

    - ---- +
    @@ -111,23 +249,41 @@

    netcal.regularization.ConfidencePenalty

    - + + + + - + - + - + - + + + + + + + + + + + + + + + + - + @@ -159,1128 +315,106 @@

    netcal.regularization.ConfidencePenalty

    - + + + + + + + + + + - + + + + - + - + + + + - + + + +

    __init__([weight, threshold, reduction])

    Constructor.

    double()

    Casts all floating point parameters and buffers to double datatype.

    eval()

    entropy(input, calibrated)

    Cross entropy between input tensor and calibrated counter part

    eval()

    Sets the module in evaluation mode.

    extra_repr()

    extra_repr()

    Set the extra representation of the module

    float()

    float()

    Casts all floating point parameters and buffers to float datatype.

    forward(input)

    forward(input, *ig_args, **ig_kwargs)

    Forward call.

    half()

    get_buffer(target)

    Returns the buffer given by target if it exists, otherwise throws an error.

    get_extra_state()

    Returns any extra state to include in the module's state_dict.

    get_parameter(target)

    Returns the parameter given by target if it exists, otherwise throws an error.

    get_submodule(target)

    Returns the submodule given by target if it exists, otherwise throws an error.

    half()

    Casts all floating point parameters and buffers to half datatype.

    ipu([device])

    Moves all model parameters and buffers to the IPU.

    load_state_dict(state_dict[, strict])

    Copies parameters and buffers from state_dict into this module and its descendants.

    Copies parameters and buffers from state_dict into this module and its descendants.

    modules()

    Returns an iterator over all modules in the network.

    register_forward_pre_hook(hook)

    Registers a forward pre-hook on the module.

    register_parameter(name, param)

    register_full_backward_hook(hook)

    Registers a backward hook on the module.

    register_load_state_dict_post_hook(hook)

    Registers a post hook to be run after module's load_state_dict is called.

    register_module(name, module)

    Alias for add_module().

    register_parameter(name, param)

    Adds a parameter to the module.

    requires_grad_([requires_grad])

    requires_grad_([requires_grad])

    Change if autograd should record operations on parameters in this module.

    set_extra_state(state)

    This function is called from load_state_dict() to handle any extra state found within the state_dict.

    share_memory()

    See torch.Tensor.share_memory_()

    state_dict([destination, prefix, keep_vars])

    state_dict(*args[, destination, prefix, ...])

    Returns a dictionary containing a whole state of the module.

    to(*args, **kwargs)

    Moves and/or casts the parameters and buffers.

    train([mode])

    to_empty(*, device)

    Moves the parameters and buffers to the specified device without copying storage.

    train([mode])

    Sets the module in training mode.

    type(dst_type)

    type(dst_type)

    Casts all parameters and buffers to dst_type.

    xpu([device])

    Moves all model parameters and buffers to the XPU.

    zero_grad([set_to_none])

    Sets gradients of all model parameters to zero.

    Attributes

    - ---- +
    - + + + + - +

    dump_patches

    T_destination

    alias of TypeVar('T_destination', bound=Dict[str, Any])

    dump_patches

    epsilon

    epsilon

    -
    -
    -_get_backward_hooks()
    -

    Returns the backward hooks for use in the call function. -It returns two lists, one with the full backward hooks and one with the non-full -backward hooks.

    -
    -
    -_load_from_state_dict(state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs)
    -

    Copies parameters and buffers from state_dict into only -this module, but not its descendants. This is called on every submodule -in load_state_dict(). Metadata saved for this -module in input state_dict is provided as local_metadata. -For state dicts without metadata, local_metadata is empty. -Subclasses can achieve class-specific backward compatible loading using -the version number at local_metadata.get(“version”, None).

    -
    -

    Note

    -

    state_dict is not the same object as the input -state_dict to load_state_dict(). So -it can be modified.

    -
    -
    -
    Parameters
    -
      -
    • state_dict (dict) – a dict containing parameters and -persistent buffers.

    • -
    • prefix (str) – the prefix for parameters and buffers used in this -module

    • -
    • local_metadata (dict) – a dict containing the metadata for this module. -See

    • -
    • strict (bool) – whether to strictly enforce that the keys in -state_dict with prefix match the names of -parameters and buffers in this module

    • -
    • missing_keys (list of str) – if strict=True, add missing keys to -this list

    • -
    • unexpected_keys (list of str) – if strict=True, add unexpected -keys to this list

    • -
    • error_msgs (list of str) – error messages should be added to this -list, and will be reported together in -load_state_dict()

    • -
    -
    -
    -
    - -
    -
    -_named_members(get_members_fn, prefix='', recurse=True)
    -

    Helper method for yielding various names + members of modules.

    -
    - -
    -
    -_register_load_state_dict_pre_hook(hook)
    -

    These hooks will be called with arguments: state_dict, prefix, -local_metadata, strict, missing_keys, unexpected_keys, -error_msgs, before loading state_dict into self. These arguments -are exactly the same as those of _load_from_state_dict.

    -
    - -
    -
    -_register_state_dict_hook(hook)
    -

    These hooks will be called with arguments: self, state_dict, -prefix, local_metadata, after the state_dict of self is set. -Note that only parameters and buffers of self or its children are -guaranteed to exist in state_dict. The hooks may modify state_dict -inplace or return a new one.

    -
    - -
    -
    -_save_to_state_dict(destination, prefix, keep_vars)
    -

    Saves module state to destination dictionary, containing a state -of the module, but not its descendants. This is called on every -submodule in state_dict().

    -

    In rare cases, subclasses can achieve class-specific behavior by -overriding this method with custom logic.

    -
    -
    Parameters
    -
      -
    • destination (dict) – a dict where state will be stored

    • -
    • prefix (str) – the prefix for parameters and buffers used in this -module

    • -
    -
    -
    -
    - -
    -
    -add_module(name: str, module: Optional[Module]) → None
    -

    Adds a child module to the current module.

    -

    The module can be accessed as an attribute using the given name.

    -
    -
    Parameters
    -
      -
    • name (string) – name of the child module. The child module can be -accessed from this module using the given name

    • -
    • module (Module) – child module to be added to the module.

    • -
    -
    -
    -
    - -
    -
    -apply(fn: Callable[Module, None]) → T
    -

    Applies fn recursively to every submodule (as returned by .children()) -as well as self. Typical use includes initializing the parameters of a model -(see also nn-init-doc).

    -
    -
    Parameters
    -

    fn (Module -> None) – function to be applied to each submodule

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -

    Example:

    -
    >>> @torch.no_grad()
    ->>> def init_weights(m):
    ->>>     print(m)
    ->>>     if type(m) == nn.Linear:
    ->>>         m.weight.fill_(1.0)
    ->>>         print(m.weight)
    ->>> net = nn.Sequential(nn.Linear(2, 2), nn.Linear(2, 2))
    ->>> net.apply(init_weights)
    -Linear(in_features=2, out_features=2, bias=True)
    -Parameter containing:
    -tensor([[ 1.,  1.],
    -        [ 1.,  1.]])
    -Linear(in_features=2, out_features=2, bias=True)
    -Parameter containing:
    -tensor([[ 1.,  1.],
    -        [ 1.,  1.]])
    -Sequential(
    -  (0): Linear(in_features=2, out_features=2, bias=True)
    -  (1): Linear(in_features=2, out_features=2, bias=True)
    -)
    -Sequential(
    -  (0): Linear(in_features=2, out_features=2, bias=True)
    -  (1): Linear(in_features=2, out_features=2, bias=True)
    -)
    -
    -
    -
    - -
    -
    -bfloat16() → T
    -

    Casts all floating point parameters and buffers to bfloat16 datatype.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -buffers(recurse: bool = True) → Iterator[torch.Tensor]
    -

    Returns an iterator over module buffers.

    -
    -
    Parameters
    -

    recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

    -
    -
    Yields
    -

    torch.Tensor – module buffer

    -
    -
    -

    Example:

    -
    >>> for buf in model.buffers():
    ->>>     print(type(buf), buf.size())
    -<class 'torch.Tensor'> (20L,)
    -<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
    -
    -
    -
    - -
    -
    -children() → Iterator[torch.nn.modules.module.Module]
    -

    Returns an iterator over immediate children modules.

    -
    -
    Yields
    -

    Module – a child module

    -
    -
    -
    - -
    -
    -cpu() → T
    -

    Moves all model parameters and buffers to the CPU.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -cuda(device: Union[int, torch.device, None] = None) → T
    -

    Moves all model parameters and buffers to the GPU.

    -

    This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on GPU while being optimized.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Parameters
    -

    device (int, optional) – if specified, all parameters will be -copied to that device

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -double() → T
    -

    Casts all floating point parameters and buffers to double datatype.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -eval() → T
    -

    Sets the module in evaluation mode.

    -

    This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

    -

    This is equivalent with self.train(False).

    -

    See locally-disable-grad-doc for a comparison between -.eval() and several similar mechanisms that may be confused with it.

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -extra_repr() → str
    -

    Set the extra representation of the module

    -

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

    -
    - -
    -
    -float() → T
    -

    Casts all floating point parameters and buffers to float datatype.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -forward(input: torch.Tensor)
    -

    Forward call. Additional arguments and keyword-arguments are ignored.

    -
    - -
    -
    -get_buffer(target: str) → torch.Tensor
    -

    Returns the buffer given by target if it exists, -otherwise throws an error.

    -

    See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

    -
    -
    Parameters
    -

    target – The fully-qualified string name of the buffer -to look for. (See get_submodule for how to specify a -fully-qualified string.)

    -
    -
    Returns
    -

    The buffer referenced by target

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    Raises
    -

    AttributeError – If the target string references an invalid - path or resolves to something that is not a - buffer

    -
    -
    -
    - -
    -
    -get_parameter(target: str) → torch.nn.parameter.Parameter
    -

    Returns the parameter given by target if it exists, -otherwise throws an error.

    -

    See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

    -
    -
    Parameters
    -

    target – The fully-qualified string name of the Parameter -to look for. (See get_submodule for how to specify a -fully-qualified string.)

    -
    -
    Returns
    -

    The Parameter referenced by target

    -
    -
    Return type
    -

    torch.nn.Parameter

    -
    -
    Raises
    -

    AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Parameter

    -
    -
    -
    - -
    -
    -get_submodule(target: str) → torch.nn.modules.module.Module
    -

    Returns the submodule given by target if it exists, -otherwise throws an error.

    -

    For example, let’s say you have an nn.Module A that -looks like this:

    -

    (The diagram shows an nn.Module A. A has a nested -submodule net_b, which itself has two submodules net_c -and linear. net_c then has a submodule conv.)

    -

    To check whether or not we have the linear submodule, we -would call get_submodule("net_b.linear"). To check whether -we have the conv submodule, we would call -get_submodule("net_b.net_c.conv").

    -

    The runtime of get_submodule is bounded by the degree -of module nesting in target. A query against -named_modules achieves the same result, but it is O(N) in -the number of transitive modules. So, for a simple check to see -if some submodule exists, get_submodule should always be -used.

    -
    -
    Parameters
    -

    target – The fully-qualified string name of the submodule -to look for. (See above example for how to specify a -fully-qualified string.)

    -
    -
    Returns
    -

    The submodule referenced by target

    -
    -
    Return type
    -

    torch.nn.Module

    -
    -
    Raises
    -

    AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Module

    -
    -
    -
    - -
    -
    -half() → T
    -

    Casts all floating point parameters and buffers to half datatype.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -load_state_dict(state_dict: OrderedDict[str, Tensor], strict: bool = True)
    -

    Copies parameters and buffers from state_dict into -this module and its descendants. If strict is True, then -the keys of state_dict must exactly match the keys returned -by this module’s state_dict() function.

    -
    -
    Parameters
    -
      -
    • state_dict (dict) – a dict containing parameters and -persistent buffers.

    • -
    • strict (bool, optional) – whether to strictly enforce that the keys -in state_dict match the keys returned by this module’s -state_dict() function. Default: True

    • -
    -
    -
    Returns
    -

      -
    • missing_keys is a list of str containing the missing keys

    • -
    • unexpected_keys is a list of str containing the unexpected keys

    • -
    -

    -
    -
    Return type
    -

    NamedTuple with missing_keys and unexpected_keys fields

    -
    -
    -
    - -
    -
    -modules() → Iterator[torch.nn.modules.module.Module]
    -

    Returns an iterator over all modules in the network.

    -
    -
    Yields
    -

    Module – a module in the network

    -
    -
    -
    -

    Note

    -

    Duplicate modules are returned only once. In the following -example, l will be returned only once.

    -
    -

    Example:

    -
    >>> l = nn.Linear(2, 2)
    ->>> net = nn.Sequential(l, l)
    ->>> for idx, m in enumerate(net.modules()):
    -        print(idx, '->', m)
    -
    -0 -> Sequential(
    -  (0): Linear(in_features=2, out_features=2, bias=True)
    -  (1): Linear(in_features=2, out_features=2, bias=True)
    -)
    -1 -> Linear(in_features=2, out_features=2, bias=True)
    -
    -
    -
    - -
    -
    -named_buffers(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.Tensor]]
    -

    Returns an iterator over module buffers, yielding both the -name of the buffer as well as the buffer itself.

    -
    -
    Parameters
    -
      -
    • prefix (str) – prefix to prepend to all buffer names.

    • -
    • recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

    • -
    -
    -
    Yields
    -

    (string, torch.Tensor) – Tuple containing the name and buffer

    -
    -
    -

    Example:

    -
    >>> for name, buf in self.named_buffers():
    ->>>    if name in ['running_var']:
    ->>>        print(buf.size())
    -
    -
    -
    - -
    -
    -named_children() → Iterator[Tuple[str, torch.nn.modules.module.Module]]
    -

    Returns an iterator over immediate children modules, yielding both -the name of the module as well as the module itself.

    -
    -
    Yields
    -

    (string, Module) – Tuple containing a name and child module

    -
    -
    -

    Example:

    -
    >>> for name, module in model.named_children():
    ->>>     if name in ['conv4', 'conv5']:
    ->>>         print(module)
    -
    -
    -
    - -
    -
    -named_modules(memo: Optional[Set[Module]] = None, prefix: str = '', remove_duplicate: bool = True)
    -

    Returns an iterator over all modules in the network, yielding -both the name of the module as well as the module itself.

    -
    -
    Parameters
    -
      -
    • memo – a memo to store the set of modules already added to the result

    • -
    • prefix – a prefix that will be added to the name of the module

    • -
    • remove_duplicate – whether to remove the duplicated module instances in the result

    • -
    • not (or) –

    • -
    -
    -
    Yields
    -

    (string, Module) – Tuple of name and module

    -
    -
    -
    -

    Note

    -

    Duplicate modules are returned only once. In the following -example, l will be returned only once.

    -
    -

    Example:

    -
    >>> l = nn.Linear(2, 2)
    ->>> net = nn.Sequential(l, l)
    ->>> for idx, m in enumerate(net.named_modules()):
    -        print(idx, '->', m)
    -
    -0 -> ('', Sequential(
    -  (0): Linear(in_features=2, out_features=2, bias=True)
    -  (1): Linear(in_features=2, out_features=2, bias=True)
    -))
    -1 -> ('0', Linear(in_features=2, out_features=2, bias=True))
    -
    -
    -
    - -
    -
    -named_parameters(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.nn.parameter.Parameter]]
    -

    Returns an iterator over module parameters, yielding both the -name of the parameter as well as the parameter itself.

    -
    -
    Parameters
    -
      -
    • prefix (str) – prefix to prepend to all parameter names.

    • -
    • recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

    • -
    -
    -
    Yields
    -

    (string, Parameter) – Tuple containing the name and parameter

    -
    -
    -

    Example:

    -
    >>> for name, param in self.named_parameters():
    ->>>    if name in ['bias']:
    ->>>        print(param.size())
    -
    -
    -
    - -
    -
    -parameters(recurse: bool = True) → Iterator[torch.nn.parameter.Parameter]
    -

    Returns an iterator over module parameters.

    -

    This is typically passed to an optimizer.

    -
    -
    Parameters
    -

    recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

    -
    -
    Yields
    -

    Parameter – module parameter

    -
    -
    -

    Example:

    -
    >>> for param in model.parameters():
    ->>>     print(type(param), param.size())
    -<class 'torch.Tensor'> (20L,)
    -<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
    -
    -
    -
    - -
    -
    -register_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
    -

    Registers a backward hook on the module.

    -

    This function is deprecated in favor of nn.Module.register_full_backward_hook() and -the behavior of this function will change in future versions.

    -
    -
    Returns
    -

    a handle that can be used to remove the added hook by calling -handle.remove()

    -
    -
    Return type
    -

    torch.utils.hooks.RemovableHandle

    -
    -
    -
    - -
    -
    -register_buffer(name: str, tensor: Optional[torch.Tensor], persistent: bool = True) → None
    -

    Adds a buffer to the module.

    -

    This is typically used to register a buffer that should not to be -considered a model parameter. For example, BatchNorm’s running_mean -is not a parameter, but is part of the module’s state. Buffers, by -default, are persistent and will be saved alongside parameters. This -behavior can be changed by setting persistent to False. The -only difference between a persistent buffer and a non-persistent buffer -is that the latter will not be a part of this module’s -state_dict.

    -

    Buffers can be accessed as attributes using given names.

    -
    -
    Parameters
    -
      -
    • name (string) – name of the buffer. The buffer can be accessed -from this module using the given name

    • -
    • tensor (Tensor) – buffer to be registered.

    • -
    • persistent (bool) – whether the buffer is part of this module’s -state_dict.

    • -
    -
    -
    -

    Example:

    -
    >>> self.register_buffer('running_mean', torch.zeros(num_features))
    -
    -
    -
    - -
    -
    -register_forward_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
    -

    Registers a forward hook on the module.

    -

    The hook will be called every time after forward() has computed an output. -It should have the following signature:

    -
    hook(module, input, output) -> None or modified output
    -
    -
    -

    The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the output. It can modify the input inplace but -it will not have effect on forward since this is called after -forward() is called.

    -
    -
    Returns
    -

    a handle that can be used to remove the added hook by calling -handle.remove()

    -
    -
    Return type
    -

    torch.utils.hooks.RemovableHandle

    -
    -
    -
    - -
    -
    -register_forward_pre_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
    -

    Registers a forward pre-hook on the module.

    -

    The hook will be called every time before forward() is invoked. -It should have the following signature:

    -
    hook(module, input) -> None or modified input
    -
    -
    -

    The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the input. User can either return a tuple or a -single modified value in the hook. We will wrap the value into a tuple -if a single value is returned(unless that value is already a tuple).

    -
    -
    Returns
    -

    a handle that can be used to remove the added hook by calling -handle.remove()

    -
    -
    Return type
    -

    torch.utils.hooks.RemovableHandle

    -
    -
    -
    - -
    -
    -register_full_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
    -

    Registers a backward hook on the module.

    -

    The hook will be called every time the gradients with respect to module -inputs are computed. The hook should have the following signature:

    -
    hook(module, grad_input, grad_output) -> tuple(Tensor) or None
    -
    -
    -

    The grad_input and grad_output are tuples that contain the gradients -with respect to the inputs and outputs respectively. The hook should -not modify its arguments, but it can optionally return a new gradient with -respect to the input that will be used in place of grad_input in -subsequent computations. grad_input will only correspond to the inputs given -as positional arguments and all kwarg arguments are ignored. Entries -in grad_input and grad_output will be None for all non-Tensor -arguments.

    -
    -

    Warning

    -

    Modifying inputs or outputs inplace is not allowed when using backward hooks and -will raise an error.

    -
    -
    -
    Returns
    -

    a handle that can be used to remove the added hook by calling -handle.remove()

    -
    -
    Return type
    -

    torch.utils.hooks.RemovableHandle

    -
    -
    -
    - -
    -
    -register_parameter(name: str, param: Optional[torch.nn.parameter.Parameter]) → None
    -

    Adds a parameter to the module.

    -

    The parameter can be accessed as an attribute using given name.

    -
    -
    Parameters
    -
      -
    • name (string) – name of the parameter. The parameter can be accessed -from this module using the given name

    • -
    • param (Parameter) – parameter to be added to the module.

    • -
    -
    -
    -
    - -
    -
    -requires_grad_(requires_grad: bool = True) → T
    -

    Change if autograd should record operations on parameters in this -module.

    -

    This method sets the parameters’ requires_grad attributes -in-place.

    -

    This method is helpful for freezing part of the module for finetuning -or training parts of a model individually (e.g., GAN training).

    -

    See locally-disable-grad-doc for a comparison between -.requires_grad_() and several similar mechanisms that may be confused with it.

    -
    -
    Parameters
    -

    requires_grad (bool) – whether autograd should record operations on -parameters in this module. Default: True.

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -share_memory() → T
    -

    See torch.Tensor.share_memory_()

    -
    - -
    -
    -state_dict(destination=None, prefix='', keep_vars=False)
    -

    Returns a dictionary containing a whole state of the module.

    -

    Both parameters and persistent buffers (e.g. running averages) are -included. Keys are corresponding parameter and buffer names.

    -
    -
    Returns
    -

    a dictionary containing a whole state of the module

    -
    -
    Return type
    -

    dict

    -
    -
    -

    Example:

    -
    >>> module.state_dict().keys()
    -['bias', 'weight']
    -
    -
    -
    - -
    -
    -to(*args, **kwargs)
    -

    Moves and/or casts the parameters and buffers.

    -

    This can be called as

    -
    -
    -to(device=None, dtype=None, non_blocking=False)
    -
    - -
    -
    -to(dtype, non_blocking=False)
    -
    - -
    -
    -to(tensor, non_blocking=False)
    -
    - -
    -
    -to(memory_format=torch.channels_last)
    -
    - -

    Its signature is similar to torch.Tensor.to(), but only accepts -floating point or complex dtype`s. In addition, this method will -only cast the floating point or complex parameters and buffers to :attr:`dtype -(if given). The integral parameters and buffers will be moved -device, if that is given, but with dtypes unchanged. When -non_blocking is set, it tries to convert/move asynchronously -with respect to the host if possible, e.g., moving CPU Tensors with -pinned memory to CUDA devices.

    -

    See below for examples.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Parameters
    -
      -
    • device (torch.device) – the desired device of the parameters -and buffers in this module

    • -
    • dtype (torch.dtype) – the desired floating point or complex dtype of -the parameters and buffers in this module

    • -
    • tensor (torch.Tensor) – Tensor whose dtype and device are the desired -dtype and device for all parameters and buffers in this module

    • -
    • memory_format (torch.memory_format) – the desired memory -format for 4D parameters and buffers in this module (keyword -only argument)

    • -
    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -

    Examples:

    -
    >>> linear = nn.Linear(2, 2)
    ->>> linear.weight
    -Parameter containing:
    -tensor([[ 0.1913, -0.3420],
    -        [-0.5113, -0.2325]])
    ->>> linear.to(torch.double)
    -Linear(in_features=2, out_features=2, bias=True)
    ->>> linear.weight
    -Parameter containing:
    -tensor([[ 0.1913, -0.3420],
    -        [-0.5113, -0.2325]], dtype=torch.float64)
    ->>> gpu1 = torch.device("cuda:1")
    ->>> linear.to(gpu1, dtype=torch.half, non_blocking=True)
    -Linear(in_features=2, out_features=2, bias=True)
    ->>> linear.weight
    -Parameter containing:
    -tensor([[ 0.1914, -0.3420],
    -        [-0.5112, -0.2324]], dtype=torch.float16, device='cuda:1')
    ->>> cpu = torch.device("cpu")
    ->>> linear.to(cpu)
    -Linear(in_features=2, out_features=2, bias=True)
    ->>> linear.weight
    -Parameter containing:
    -tensor([[ 0.1914, -0.3420],
    -        [-0.5112, -0.2324]], dtype=torch.float16)
    -
    ->>> linear = nn.Linear(2, 2, bias=None).to(torch.cdouble)
    ->>> linear.weight
    -Parameter containing:
    -tensor([[ 0.3741+0.j,  0.2382+0.j],
    -        [ 0.5593+0.j, -0.4443+0.j]], dtype=torch.complex128)
    ->>> linear(torch.ones(3, 2, dtype=torch.cdouble))
    -tensor([[0.6122+0.j, 0.1150+0.j],
    -        [0.6122+0.j, 0.1150+0.j],
    -        [0.6122+0.j, 0.1150+0.j]], dtype=torch.complex128)
    -
    -
    -
    - -
    -
    -to_empty(*, device: Union[str, torch.device]) → T
    -

    Moves the parameters and buffers to the specified device without copying storage.

    -
    -
    Parameters
    -

    device (torch.device) – The desired device of the parameters -and buffers in this module.

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -train(mode: bool = True) → T
    -

    Sets the module in training mode.

    -

    This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

    -
    -
    Parameters
    -

    mode (bool) – whether to set training mode (True) or evaluation -mode (False). Default: True.

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -type(dst_type: Union[torch.dtype, str]) → T
    -

    Casts all parameters and buffers to dst_type.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Parameters
    -

    dst_type (type or string) – the desired type

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -xpu(device: Union[int, torch.device, None] = None) → T
    -

    Moves all model parameters and buffers to the XPU.

    -

    This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on XPU while being optimized.

    -
    -

    Note

    -

    This method modifies the module in-place.

    -
    -
    -
    Parameters
    -

    device (int, optional) – if specified, all parameters will be -copied to that device

    -
    -
    Returns
    -

    self

    -
    -
    Return type
    -

    Module

    -
    -
    -
    - -
    -
    -zero_grad(set_to_none: bool = False) → None
    -

    Sets gradients of all model parameters to zero. See similar function -under torch.optim.Optimizer for more context.

    -
    -
    Parameters
    -

    set_to_none (bool) – instead of setting to zero, set the grads to None. -See torch.optim.Optimizer.zero_grad() for details.

    -
    -
    -
    - -

- -
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.html b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.html index 0538992..e01be2c 100644 --- a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.html +++ b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.DCAPenalty.html @@ -1,83 +1,221 @@ - - + + + + - netcal.regularization.DCAPenalty — calibration-framework 1.2.1 documentation - - + + + netcal.regularization.DCAPenalty — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regularization.DCAPenalty

+
+
+class netcal.regularization.DCAPenalty(weight: float = 1.0)
+

Difference between Confidence and Accuracy (DCA). This regularization has been proposed by [1] and +returns a single scalar indicating the difference between mean confidence and accuracy within a single batch.

+
+
Parameters:

weight (float) – Weight of DCA regularization.

References

-
-
1
-

Liang, Gongbo, et al.: +

-
-
-
-__init__(weight: float = 1.0)
+ + +
+
+__init__(weight: float = 1.0)

Constructor. For parameter description, see class docstring.

Methods

- ---- +
@@ -115,1164 +253,157 @@

netcal.regularization.DCAPenalty

- + + + + + + + + + + + + + - - + + - + + + + - + - + - + - + - + - + - + - + - + + + + + + + + + + - + + + + - + - + + + + - + + + +

__init__([weight])

Constructor.

float()

Casts all floating point parameters and buffers to float datatype.

forward(input, target)

forward(input, target, **ig_kwargs)

Forward call of module.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

half()

Casts all floating point parameters and buffers to half datatype.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

ipu([device])

Moves all model parameters and buffers to the IPU.

modules()

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

modules()

Returns an iterator over all modules in the network.

named_buffers([prefix, recurse])

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_modules([memo, prefix, remove_duplicate])

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

parameters([recurse])

parameters([recurse])

Returns an iterator over module parameters.

register_backward_hook(hook)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_forward_hook(hook)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, param)

Adds a parameter to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

share_memory()

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

share_memory()

See torch.Tensor.share_memory_()

state_dict([destination, prefix, keep_vars])

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

train([mode])

Sets the module in training mode.

type(dst_type)

Casts all parameters and buffers to dst_type.

zero_grad([set_to_none])

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

Attributes

- ---- +
- + + + +

dump_patches

T_destination

alias of TypeVar('T_destination', bound=Dict[str, Any])

dump_patches

-
-
-_get_backward_hooks()
-

Returns the backward hooks for use in the call function. -It returns two lists, one with the full backward hooks and one with the non-full -backward hooks.

-
- -
-
-_load_from_state_dict(state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs)
-

Copies parameters and buffers from state_dict into only -this module, but not its descendants. This is called on every submodule -in load_state_dict(). Metadata saved for this -module in input state_dict is provided as local_metadata. -For state dicts without metadata, local_metadata is empty. -Subclasses can achieve class-specific backward compatible loading using -the version number at local_metadata.get(“version”, None).

-
-

Note

-

state_dict is not the same object as the input -state_dict to load_state_dict(). So -it can be modified.

-
-
-
Parameters
-
    -
  • state_dict (dict) – a dict containing parameters and -persistent buffers.

  • -
  • prefix (str) – the prefix for parameters and buffers used in this -module

  • -
  • local_metadata (dict) – a dict containing the metadata for this module. -See

  • -
  • strict (bool) – whether to strictly enforce that the keys in -state_dict with prefix match the names of -parameters and buffers in this module

  • -
  • missing_keys (list of str) – if strict=True, add missing keys to -this list

  • -
  • unexpected_keys (list of str) – if strict=True, add unexpected -keys to this list

  • -
  • error_msgs (list of str) – error messages should be added to this -list, and will be reported together in -load_state_dict()

  • -
-
-
-
- -
-
-_named_members(get_members_fn, prefix='', recurse=True)
-

Helper method for yielding various names + members of modules.

-
- -
-
-_register_load_state_dict_pre_hook(hook)
-

These hooks will be called with arguments: state_dict, prefix, -local_metadata, strict, missing_keys, unexpected_keys, -error_msgs, before loading state_dict into self. These arguments -are exactly the same as those of _load_from_state_dict.

-
- -
-
-_register_state_dict_hook(hook)
-

These hooks will be called with arguments: self, state_dict, -prefix, local_metadata, after the state_dict of self is set. -Note that only parameters and buffers of self or its children are -guaranteed to exist in state_dict. The hooks may modify state_dict -inplace or return a new one.

-
- -
-
-_save_to_state_dict(destination, prefix, keep_vars)
-

Saves module state to destination dictionary, containing a state -of the module, but not its descendants. This is called on every -submodule in state_dict().

-

In rare cases, subclasses can achieve class-specific behavior by -overriding this method with custom logic.

-
-
Parameters
-
    -
  • destination (dict) – a dict where state will be stored

  • -
  • prefix (str) – the prefix for parameters and buffers used in this -module

  • -
-
-
-
- -
-
-add_module(name: str, module: Optional[Module]) → None
-

Adds a child module to the current module.

-

The module can be accessed as an attribute using the given name.

-
-
Parameters
-
    -
  • name (string) – name of the child module. The child module can be -accessed from this module using the given name

  • -
  • module (Module) – child module to be added to the module.

  • -
-
-
-
- -
-
-apply(fn: Callable[Module, None]) → T
-

Applies fn recursively to every submodule (as returned by .children()) -as well as self. Typical use includes initializing the parameters of a model -(see also nn-init-doc).

-
-
Parameters
-

fn (Module -> None) – function to be applied to each submodule

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-

Example:

-
>>> @torch.no_grad()
->>> def init_weights(m):
->>>     print(m)
->>>     if type(m) == nn.Linear:
->>>         m.weight.fill_(1.0)
->>>         print(m.weight)
->>> net = nn.Sequential(nn.Linear(2, 2), nn.Linear(2, 2))
->>> net.apply(init_weights)
-Linear(in_features=2, out_features=2, bias=True)
-Parameter containing:
-tensor([[ 1.,  1.],
-        [ 1.,  1.]])
-Linear(in_features=2, out_features=2, bias=True)
-Parameter containing:
-tensor([[ 1.,  1.],
-        [ 1.,  1.]])
-Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-
-
-
- -
-
-bfloat16() → T
-

Casts all floating point parameters and buffers to bfloat16 datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-buffers(recurse: bool = True) → Iterator[torch.Tensor]
-

Returns an iterator over module buffers.

-
-
Parameters
-

recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

-
-
Yields
-

torch.Tensor – module buffer

-
-
-

Example:

-
>>> for buf in model.buffers():
->>>     print(type(buf), buf.size())
-<class 'torch.Tensor'> (20L,)
-<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
-
-
-
- -
-
-children() → Iterator[torch.nn.modules.module.Module]
-

Returns an iterator over immediate children modules.

-
-
Yields
-

Module – a child module

-
-
-
- -
-
-cpu() → T
-

Moves all model parameters and buffers to the CPU.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-cuda(device: Union[int, torch.device, None] = None) → T
-

Moves all model parameters and buffers to the GPU.

-

This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on GPU while being optimized.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

device (int, optional) – if specified, all parameters will be -copied to that device

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-double() → T
-

Casts all floating point parameters and buffers to double datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-eval() → T
-

Sets the module in evaluation mode.

-

This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

-

This is equivalent with self.train(False).

-

See locally-disable-grad-doc for a comparison between -.eval() and several similar mechanisms that may be confused with it.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-extra_repr() → str
-

Set the extra representation of the module

-

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

-
- -
-
-float() → T
-

Casts all floating point parameters and buffers to float datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-forward(input: torch.Tensor, target: torch.Tensor)
-

Forward call of module. Providing the target scores is mandatory.

-
- -
-
-get_buffer(target: str) → torch.Tensor
-

Returns the buffer given by target if it exists, -otherwise throws an error.

-

See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

-
-
Parameters
-

target – The fully-qualified string name of the buffer -to look for. (See get_submodule for how to specify a -fully-qualified string.)

-
-
Returns
-

The buffer referenced by target

-
-
Return type
-

torch.Tensor

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not a - buffer

-
-
-
- -
-
-get_parameter(target: str) → torch.nn.parameter.Parameter
-

Returns the parameter given by target if it exists, -otherwise throws an error.

-

See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

-
-
Parameters
-

target – The fully-qualified string name of the Parameter -to look for. (See get_submodule for how to specify a -fully-qualified string.)

-
-
Returns
-

The Parameter referenced by target

-
-
Return type
-

torch.nn.Parameter

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Parameter

-
-
-
- -
-
-get_submodule(target: str) → torch.nn.modules.module.Module
-

Returns the submodule given by target if it exists, -otherwise throws an error.

-

For example, let’s say you have an nn.Module A that -looks like this:

-

(The diagram shows an nn.Module A. A has a nested -submodule net_b, which itself has two submodules net_c -and linear. net_c then has a submodule conv.)

-

To check whether or not we have the linear submodule, we -would call get_submodule("net_b.linear"). To check whether -we have the conv submodule, we would call -get_submodule("net_b.net_c.conv").

-

The runtime of get_submodule is bounded by the degree -of module nesting in target. A query against -named_modules achieves the same result, but it is O(N) in -the number of transitive modules. So, for a simple check to see -if some submodule exists, get_submodule should always be -used.

-
-
Parameters
-

target – The fully-qualified string name of the submodule -to look for. (See above example for how to specify a -fully-qualified string.)

-
-
Returns
-

The submodule referenced by target

-
-
Return type
-

torch.nn.Module

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Module

-
-
-
- -
-
-half() → T
-

Casts all floating point parameters and buffers to half datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-load_state_dict(state_dict: OrderedDict[str, Tensor], strict: bool = True)
-

Copies parameters and buffers from state_dict into -this module and its descendants. If strict is True, then -the keys of state_dict must exactly match the keys returned -by this module’s state_dict() function.

-
-
Parameters
-
    -
  • state_dict (dict) – a dict containing parameters and -persistent buffers.

  • -
  • strict (bool, optional) – whether to strictly enforce that the keys -in state_dict match the keys returned by this module’s -state_dict() function. Default: True

  • -
-
-
Returns
-

    -
  • missing_keys is a list of str containing the missing keys

  • -
  • unexpected_keys is a list of str containing the unexpected keys

  • -
-

-
-
Return type
-

NamedTuple with missing_keys and unexpected_keys fields

-
-
-
- -
-
-modules() → Iterator[torch.nn.modules.module.Module]
-

Returns an iterator over all modules in the network.

-
-
Yields
-

Module – a module in the network

-
-
-
-

Note

-

Duplicate modules are returned only once. In the following -example, l will be returned only once.

-
-

Example:

-
>>> l = nn.Linear(2, 2)
->>> net = nn.Sequential(l, l)
->>> for idx, m in enumerate(net.modules()):
-        print(idx, '->', m)
-
-0 -> Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-1 -> Linear(in_features=2, out_features=2, bias=True)
-
-
-
- -
-
-named_buffers(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.Tensor]]
-

Returns an iterator over module buffers, yielding both the -name of the buffer as well as the buffer itself.

-
-
Parameters
-
    -
  • prefix (str) – prefix to prepend to all buffer names.

  • -
  • recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

  • -
-
-
Yields
-

(string, torch.Tensor) – Tuple containing the name and buffer

-
-
-

Example:

-
>>> for name, buf in self.named_buffers():
->>>    if name in ['running_var']:
->>>        print(buf.size())
-
-
-
- -
-
-named_children() → Iterator[Tuple[str, torch.nn.modules.module.Module]]
-

Returns an iterator over immediate children modules, yielding both -the name of the module as well as the module itself.

-
-
Yields
-

(string, Module) – Tuple containing a name and child module

-
-
-

Example:

-
>>> for name, module in model.named_children():
->>>     if name in ['conv4', 'conv5']:
->>>         print(module)
-
-
-
- -
-
-named_modules(memo: Optional[Set[Module]] = None, prefix: str = '', remove_duplicate: bool = True)
-

Returns an iterator over all modules in the network, yielding -both the name of the module as well as the module itself.

-
-
Parameters
-
    -
  • memo – a memo to store the set of modules already added to the result

  • -
  • prefix – a prefix that will be added to the name of the module

  • -
  • remove_duplicate – whether to remove the duplicated module instances in the result

  • -
  • not (or) –

  • -
-
-
Yields
-

(string, Module) – Tuple of name and module

-
-
-
-

Note

-

Duplicate modules are returned only once. In the following -example, l will be returned only once.

-
-

Example:

-
>>> l = nn.Linear(2, 2)
->>> net = nn.Sequential(l, l)
->>> for idx, m in enumerate(net.named_modules()):
-        print(idx, '->', m)
-
-0 -> ('', Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-))
-1 -> ('0', Linear(in_features=2, out_features=2, bias=True))
-
-
-
- -
-
-named_parameters(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.nn.parameter.Parameter]]
-

Returns an iterator over module parameters, yielding both the -name of the parameter as well as the parameter itself.

-
-
Parameters
-
    -
  • prefix (str) – prefix to prepend to all parameter names.

  • -
  • recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

  • -
-
-
Yields
-

(string, Parameter) – Tuple containing the name and parameter

-
-
-

Example:

-
>>> for name, param in self.named_parameters():
->>>    if name in ['bias']:
->>>        print(param.size())
-
-
-
- -
-
-parameters(recurse: bool = True) → Iterator[torch.nn.parameter.Parameter]
-

Returns an iterator over module parameters.

-

This is typically passed to an optimizer.

-
-
Parameters
-

recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

-
-
Yields
-

Parameter – module parameter

-
-
-

Example:

-
>>> for param in model.parameters():
->>>     print(type(param), param.size())
-<class 'torch.Tensor'> (20L,)
-<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
-
-
-
- -
-
-register_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
-

Registers a backward hook on the module.

-

This function is deprecated in favor of nn.Module.register_full_backward_hook() and -the behavior of this function will change in future versions.

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_buffer(name: str, tensor: Optional[torch.Tensor], persistent: bool = True) → None
-

Adds a buffer to the module.

-

This is typically used to register a buffer that should not to be -considered a model parameter. For example, BatchNorm’s running_mean -is not a parameter, but is part of the module’s state. Buffers, by -default, are persistent and will be saved alongside parameters. This -behavior can be changed by setting persistent to False. The -only difference between a persistent buffer and a non-persistent buffer -is that the latter will not be a part of this module’s -state_dict.

-

Buffers can be accessed as attributes using given names.

-
-
Parameters
-
    -
  • name (string) – name of the buffer. The buffer can be accessed -from this module using the given name

  • -
  • tensor (Tensor) – buffer to be registered.

  • -
  • persistent (bool) – whether the buffer is part of this module’s -state_dict.

  • -
-
-
-

Example:

-
>>> self.register_buffer('running_mean', torch.zeros(num_features))
-
-
-
-
-register_forward_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
-

Registers a forward hook on the module.

-

The hook will be called every time after forward() has computed an output. -It should have the following signature:

-
hook(module, input, output) -> None or modified output
-
-
-

The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the output. It can modify the input inplace but -it will not have effect on forward since this is called after -forward() is called.

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_forward_pre_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
-

Registers a forward pre-hook on the module.

-

The hook will be called every time before forward() is invoked. -It should have the following signature:

-
hook(module, input) -> None or modified input
-
-
-

The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the input. User can either return a tuple or a -single modified value in the hook. We will wrap the value into a tuple -if a single value is returned(unless that value is already a tuple).

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_full_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
-

Registers a backward hook on the module.

-

The hook will be called every time the gradients with respect to module -inputs are computed. The hook should have the following signature:

-
hook(module, grad_input, grad_output) -> tuple(Tensor) or None
-
-
-

The grad_input and grad_output are tuples that contain the gradients -with respect to the inputs and outputs respectively. The hook should -not modify its arguments, but it can optionally return a new gradient with -respect to the input that will be used in place of grad_input in -subsequent computations. grad_input will only correspond to the inputs given -as positional arguments and all kwarg arguments are ignored. Entries -in grad_input and grad_output will be None for all non-Tensor -arguments.

-
-

Warning

-

Modifying inputs or outputs inplace is not allowed when using backward hooks and -will raise an error.

-
-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_parameter(name: str, param: Optional[torch.nn.parameter.Parameter]) → None
-

Adds a parameter to the module.

-

The parameter can be accessed as an attribute using given name.

-
-
Parameters
-
    -
  • name (string) – name of the parameter. The parameter can be accessed -from this module using the given name

  • -
  • param (Parameter) – parameter to be added to the module.

  • -
-
-
-
- -
-
-requires_grad_(requires_grad: bool = True) → T
-

Change if autograd should record operations on parameters in this -module.

-

This method sets the parameters’ requires_grad attributes -in-place.

-

This method is helpful for freezing part of the module for finetuning -or training parts of a model individually (e.g., GAN training).

-

See locally-disable-grad-doc for a comparison between -.requires_grad_() and several similar mechanisms that may be confused with it.

-
-
Parameters
-

requires_grad (bool) – whether autograd should record operations on -parameters in this module. Default: True.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-share_memory() → T
-

See torch.Tensor.share_memory_()

-
- -
-
-state_dict(destination=None, prefix='', keep_vars=False)
-

Returns a dictionary containing a whole state of the module.

-

Both parameters and persistent buffers (e.g. running averages) are -included. Keys are corresponding parameter and buffer names.

-
-
Returns
-

a dictionary containing a whole state of the module

-
-
Return type
-

dict

-
-
-

Example:

-
>>> module.state_dict().keys()
-['bias', 'weight']
-
-
-
- -
-
-to(*args, **kwargs)
-

Moves and/or casts the parameters and buffers.

-

This can be called as

-
-
-to(device=None, dtype=None, non_blocking=False)
-
- -
-
-to(dtype, non_blocking=False)
-
- -
-
-to(tensor, non_blocking=False)
-
- -
-
-to(memory_format=torch.channels_last)
-
- -

Its signature is similar to torch.Tensor.to(), but only accepts -floating point or complex dtype`s. In addition, this method will -only cast the floating point or complex parameters and buffers to :attr:`dtype -(if given). The integral parameters and buffers will be moved -device, if that is given, but with dtypes unchanged. When -non_blocking is set, it tries to convert/move asynchronously -with respect to the host if possible, e.g., moving CPU Tensors with -pinned memory to CUDA devices.

-

See below for examples.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-
    -
  • device (torch.device) – the desired device of the parameters -and buffers in this module

  • -
  • dtype (torch.dtype) – the desired floating point or complex dtype of -the parameters and buffers in this module

  • -
  • tensor (torch.Tensor) – Tensor whose dtype and device are the desired -dtype and device for all parameters and buffers in this module

  • -
  • memory_format (torch.memory_format) – the desired memory -format for 4D parameters and buffers in this module (keyword -only argument)

  • -
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-

Examples:

-
>>> linear = nn.Linear(2, 2)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1913, -0.3420],
-        [-0.5113, -0.2325]])
->>> linear.to(torch.double)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1913, -0.3420],
-        [-0.5113, -0.2325]], dtype=torch.float64)
->>> gpu1 = torch.device("cuda:1")
->>> linear.to(gpu1, dtype=torch.half, non_blocking=True)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1914, -0.3420],
-        [-0.5112, -0.2324]], dtype=torch.float16, device='cuda:1')
->>> cpu = torch.device("cpu")
->>> linear.to(cpu)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1914, -0.3420],
-        [-0.5112, -0.2324]], dtype=torch.float16)
-
->>> linear = nn.Linear(2, 2, bias=None).to(torch.cdouble)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.3741+0.j,  0.2382+0.j],
-        [ 0.5593+0.j, -0.4443+0.j]], dtype=torch.complex128)
->>> linear(torch.ones(3, 2, dtype=torch.cdouble))
-tensor([[0.6122+0.j, 0.1150+0.j],
-        [0.6122+0.j, 0.1150+0.j],
-        [0.6122+0.j, 0.1150+0.j]], dtype=torch.complex128)
-
-
-
- -
-
-to_empty(*, device: Union[str, torch.device]) → T
-

Moves the parameters and buffers to the specified device without copying storage.

-
-
Parameters
-

device (torch.device) – The desired device of the parameters -and buffers in this module.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-train(mode: bool = True) → T
-

Sets the module in training mode.

-

This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

-
-
Parameters
-

mode (bool) – whether to set training mode (True) or evaluation -mode (False). Default: True.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-type(dst_type: Union[torch.dtype, str]) → T
-

Casts all parameters and buffers to dst_type.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

dst_type (type or string) – the desired type

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-xpu(device: Union[int, torch.device, None] = None) → T
-

Moves all model parameters and buffers to the XPU.

-

This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on XPU while being optimized.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

device (int, optional) – if specified, all parameters will be -copied to that device

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-zero_grad(set_to_none: bool = False) → None
-

Sets gradients of all model parameters to zero. See similar function -under torch.optim.Optimizer for more context.

-
-
Parameters
-

set_to_none (bool) – instead of setting to zero, set the grads to None. -See torch.optim.Optimizer.zero_grad() for details.

-
-
-
- -
- -
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.MMCEPenalty.html b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.MMCEPenalty.html index cb8657e..af059a2 100644 --- a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.MMCEPenalty.html +++ b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.MMCEPenalty.html @@ -1,84 +1,222 @@ - - + + + + - netcal.regularization.MMCEPenalty — calibration-framework 1.2.1 documentation - - + + + netcal.regularization.MMCEPenalty — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regularization.MMCEPenalty

+
+
+class netcal.regularization.MMCEPenalty(weight: float = 1.0)
+

Maximum mean calibration error (MMCE). This technique has been proposed by [1] and can be used for online +confidence calibration directly during model training.

+
+
Parameters:

weight (float) – Weight of MMCE regularization.

References

-
-
1
-

Kumar, Aviral, Sunita Sarawagi, and Ujjwal Jain: +

-
-
-
-__init__(weight: float = 1.0)
+ + +
+
+__init__(weight: float = 1.0)

Constructor. For parameter description, see class docstring.

Methods

- ---- +
@@ -116,1176 +254,163 @@

netcal.regularization.MMCEPenalty

- + + + + + + + + + + + + + - + + + + - - + + - + - + - + - + - + - + - + - + - + - + + + + + + + + + + - + + + + - + - + + + + - + + + +

__init__([weight])

Constructor.

float()

Casts all floating point parameters and buffers to float datatype.

forward(input, target)

forward(input, target, **ig_kwargs)

Forward call of module.

get_buffer(target)

Returns the buffer given by target if it exists, otherwise throws an error.

get_extra_state()

Returns any extra state to include in the module's state_dict.

get_parameter(target)

Returns the parameter given by target if it exists, otherwise throws an error.

get_submodule(target)

Returns the submodule given by target if it exists, otherwise throws an error.

half()

Casts all floating point parameters and buffers to half datatype.

kernel(c1, c2)

ipu([device])

Moves all model parameters and buffers to the IPU.

kernel(c1, c2)

Laplacian kernel

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

load_state_dict(state_dict[, strict])

Copies parameters and buffers from state_dict into this module and its descendants.

modules()

modules()

Returns an iterator over all modules in the network.

named_buffers([prefix, recurse])

named_buffers([prefix, recurse])

Returns an iterator over module buffers, yielding both the name of the buffer as well as the buffer itself.

named_children()

named_children()

Returns an iterator over immediate children modules, yielding both the name of the module as well as the module itself.

named_modules([memo, prefix, remove_duplicate])

named_modules([memo, prefix, remove_duplicate])

Returns an iterator over all modules in the network, yielding both the name of the module as well as the module itself.

named_parameters([prefix, recurse])

named_parameters([prefix, recurse])

Returns an iterator over module parameters, yielding both the name of the parameter as well as the parameter itself.

parameters([recurse])

parameters([recurse])

Returns an iterator over module parameters.

register_backward_hook(hook)

register_backward_hook(hook)

Registers a backward hook on the module.

register_buffer(name, tensor[, persistent])

register_buffer(name, tensor[, persistent])

Adds a buffer to the module.

register_forward_hook(hook)

register_forward_hook(hook)

Registers a forward hook on the module.

register_forward_pre_hook(hook)

register_forward_pre_hook(hook)

Registers a forward pre-hook on the module.

register_full_backward_hook(hook)

Registers a backward hook on the module.

register_load_state_dict_post_hook(hook)

Registers a post hook to be run after module's load_state_dict is called.

register_module(name, module)

Alias for add_module().

register_parameter(name, param)

Adds a parameter to the module.

requires_grad_([requires_grad])

Change if autograd should record operations on parameters in this module.

share_memory()

set_extra_state(state)

This function is called from load_state_dict() to handle any extra state found within the state_dict.

share_memory()

See torch.Tensor.share_memory_()

state_dict([destination, prefix, keep_vars])

state_dict(*args[, destination, prefix, ...])

Returns a dictionary containing a whole state of the module.

to(*args, **kwargs)

to(*args, **kwargs)

Moves and/or casts the parameters and buffers.

to_empty(*, device)

Moves the parameters and buffers to the specified device without copying storage.

train([mode])

Sets the module in training mode.

type(dst_type)

Casts all parameters and buffers to dst_type.

zero_grad([set_to_none])

xpu([device])

Moves all model parameters and buffers to the XPU.

zero_grad([set_to_none])

Sets gradients of all model parameters to zero.

Attributes

- ---- +
- + + + + - +

dump_patches

T_destination

alias of TypeVar('T_destination', bound=Dict[str, Any])

dump_patches

epsilon

epsilon

-
-
-_get_backward_hooks()
-

Returns the backward hooks for use in the call function. -It returns two lists, one with the full backward hooks and one with the non-full -backward hooks.

-
- -
-
-_load_from_state_dict(state_dict, prefix, local_metadata, strict, missing_keys, unexpected_keys, error_msgs)
-

Copies parameters and buffers from state_dict into only -this module, but not its descendants. This is called on every submodule -in load_state_dict(). Metadata saved for this -module in input state_dict is provided as local_metadata. -For state dicts without metadata, local_metadata is empty. -Subclasses can achieve class-specific backward compatible loading using -the version number at local_metadata.get(“version”, None).

-
-

Note

-

state_dict is not the same object as the input -state_dict to load_state_dict(). So -it can be modified.

-
-
-
Parameters
-
    -
  • state_dict (dict) – a dict containing parameters and -persistent buffers.

  • -
  • prefix (str) – the prefix for parameters and buffers used in this -module

  • -
  • local_metadata (dict) – a dict containing the metadata for this module. -See

  • -
  • strict (bool) – whether to strictly enforce that the keys in -state_dict with prefix match the names of -parameters and buffers in this module

  • -
  • missing_keys (list of str) – if strict=True, add missing keys to -this list

  • -
  • unexpected_keys (list of str) – if strict=True, add unexpected -keys to this list

  • -
  • error_msgs (list of str) – error messages should be added to this -list, and will be reported together in -load_state_dict()

  • -
-
-
-
- -
-
-_named_members(get_members_fn, prefix='', recurse=True)
-

Helper method for yielding various names + members of modules.

-
- -
-
-_register_load_state_dict_pre_hook(hook)
-

These hooks will be called with arguments: state_dict, prefix, -local_metadata, strict, missing_keys, unexpected_keys, -error_msgs, before loading state_dict into self. These arguments -are exactly the same as those of _load_from_state_dict.

-
- -
-
-_register_state_dict_hook(hook)
-

These hooks will be called with arguments: self, state_dict, -prefix, local_metadata, after the state_dict of self is set. -Note that only parameters and buffers of self or its children are -guaranteed to exist in state_dict. The hooks may modify state_dict -inplace or return a new one.

-
- -
-
-_save_to_state_dict(destination, prefix, keep_vars)
-

Saves module state to destination dictionary, containing a state -of the module, but not its descendants. This is called on every -submodule in state_dict().

-

In rare cases, subclasses can achieve class-specific behavior by -overriding this method with custom logic.

-
-
Parameters
-
    -
  • destination (dict) – a dict where state will be stored

  • -
  • prefix (str) – the prefix for parameters and buffers used in this -module

  • -
-
-
-
- -
-
-add_module(name: str, module: Optional[Module]) → None
-

Adds a child module to the current module.

-

The module can be accessed as an attribute using the given name.

-
-
Parameters
-
    -
  • name (string) – name of the child module. The child module can be -accessed from this module using the given name

  • -
  • module (Module) – child module to be added to the module.

  • -
-
-
-
- -
-
-apply(fn: Callable[Module, None]) → T
-

Applies fn recursively to every submodule (as returned by .children()) -as well as self. Typical use includes initializing the parameters of a model -(see also nn-init-doc).

-
-
Parameters
-

fn (Module -> None) – function to be applied to each submodule

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-

Example:

-
>>> @torch.no_grad()
->>> def init_weights(m):
->>>     print(m)
->>>     if type(m) == nn.Linear:
->>>         m.weight.fill_(1.0)
->>>         print(m.weight)
->>> net = nn.Sequential(nn.Linear(2, 2), nn.Linear(2, 2))
->>> net.apply(init_weights)
-Linear(in_features=2, out_features=2, bias=True)
-Parameter containing:
-tensor([[ 1.,  1.],
-        [ 1.,  1.]])
-Linear(in_features=2, out_features=2, bias=True)
-Parameter containing:
-tensor([[ 1.,  1.],
-        [ 1.,  1.]])
-Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-
-
-
- -
-
-bfloat16() → T
-

Casts all floating point parameters and buffers to bfloat16 datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-buffers(recurse: bool = True) → Iterator[torch.Tensor]
-

Returns an iterator over module buffers.

-
-
Parameters
-

recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

-
-
Yields
-

torch.Tensor – module buffer

-
-
-

Example:

-
>>> for buf in model.buffers():
->>>     print(type(buf), buf.size())
-<class 'torch.Tensor'> (20L,)
-<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
-
-
-
- -
-
-children() → Iterator[torch.nn.modules.module.Module]
-

Returns an iterator over immediate children modules.

-
-
Yields
-

Module – a child module

-
-
-
- -
-
-cpu() → T
-

Moves all model parameters and buffers to the CPU.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-cuda(device: Union[int, torch.device, None] = None) → T
-

Moves all model parameters and buffers to the GPU.

-

This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on GPU while being optimized.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

device (int, optional) – if specified, all parameters will be -copied to that device

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-double() → T
-

Casts all floating point parameters and buffers to double datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-eval() → T
-

Sets the module in evaluation mode.

-

This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

-

This is equivalent with self.train(False).

-

See locally-disable-grad-doc for a comparison between -.eval() and several similar mechanisms that may be confused with it.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-extra_repr() → str
-

Set the extra representation of the module

-

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

-
- -
-
-float() → T
-

Casts all floating point parameters and buffers to float datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-forward(input: torch.Tensor, target: torch.Tensor)
-

Forward call of module. Returns a single scalar indicating the MMCE for the current batch.

-
- -
-
-get_buffer(target: str) → torch.Tensor
-

Returns the buffer given by target if it exists, -otherwise throws an error.

-

See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

-
-
Parameters
-

target – The fully-qualified string name of the buffer -to look for. (See get_submodule for how to specify a -fully-qualified string.)

-
-
Returns
-

The buffer referenced by target

-
-
Return type
-

torch.Tensor

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not a - buffer

-
-
-
- -
-
-get_parameter(target: str) → torch.nn.parameter.Parameter
-

Returns the parameter given by target if it exists, -otherwise throws an error.

-

See the docstring for get_submodule for a more detailed -explanation of this method’s functionality as well as how to -correctly specify target.

-
-
Parameters
-

target – The fully-qualified string name of the Parameter -to look for. (See get_submodule for how to specify a -fully-qualified string.)

-
-
Returns
-

The Parameter referenced by target

-
-
Return type
-

torch.nn.Parameter

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Parameter

-
-
-
- -
-
-get_submodule(target: str) → torch.nn.modules.module.Module
-

Returns the submodule given by target if it exists, -otherwise throws an error.

-

For example, let’s say you have an nn.Module A that -looks like this:

-

(The diagram shows an nn.Module A. A has a nested -submodule net_b, which itself has two submodules net_c -and linear. net_c then has a submodule conv.)

-

To check whether or not we have the linear submodule, we -would call get_submodule("net_b.linear"). To check whether -we have the conv submodule, we would call -get_submodule("net_b.net_c.conv").

-

The runtime of get_submodule is bounded by the degree -of module nesting in target. A query against -named_modules achieves the same result, but it is O(N) in -the number of transitive modules. So, for a simple check to see -if some submodule exists, get_submodule should always be -used.

-
-
Parameters
-

target – The fully-qualified string name of the submodule -to look for. (See above example for how to specify a -fully-qualified string.)

-
-
Returns
-

The submodule referenced by target

-
-
Return type
-

torch.nn.Module

-
-
Raises
-

AttributeError – If the target string references an invalid - path or resolves to something that is not an - nn.Module

-
-
-
- -
-
-half() → T
-

Casts all floating point parameters and buffers to half datatype.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-kernel(c1: torch.Tensor, c2: torch.Tensor) → torch.Tensor
-

Laplacian kernel

-
- -
-
-load_state_dict(state_dict: OrderedDict[str, Tensor], strict: bool = True)
-

Copies parameters and buffers from state_dict into -this module and its descendants. If strict is True, then -the keys of state_dict must exactly match the keys returned -by this module’s state_dict() function.

-
-
Parameters
-
    -
  • state_dict (dict) – a dict containing parameters and -persistent buffers.

  • -
  • strict (bool, optional) – whether to strictly enforce that the keys -in state_dict match the keys returned by this module’s -state_dict() function. Default: True

  • -
-
-
Returns
-

    -
  • missing_keys is a list of str containing the missing keys

  • -
  • unexpected_keys is a list of str containing the unexpected keys

  • -
-

-
-
Return type
-

NamedTuple with missing_keys and unexpected_keys fields

-
-
-
- -
-
-modules() → Iterator[torch.nn.modules.module.Module]
-

Returns an iterator over all modules in the network.

-
-
Yields
-

Module – a module in the network

-
-
-
-

Note

-

Duplicate modules are returned only once. In the following -example, l will be returned only once.

-
-

Example:

-
>>> l = nn.Linear(2, 2)
->>> net = nn.Sequential(l, l)
->>> for idx, m in enumerate(net.modules()):
-        print(idx, '->', m)
-
-0 -> Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-)
-1 -> Linear(in_features=2, out_features=2, bias=True)
-
-
-
- -
-
-named_buffers(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.Tensor]]
-

Returns an iterator over module buffers, yielding both the -name of the buffer as well as the buffer itself.

-
-
Parameters
-
    -
  • prefix (str) – prefix to prepend to all buffer names.

  • -
  • recurse (bool) – if True, then yields buffers of this module -and all submodules. Otherwise, yields only buffers that -are direct members of this module.

  • -
-
-
Yields
-

(string, torch.Tensor) – Tuple containing the name and buffer

-
-
-

Example:

-
>>> for name, buf in self.named_buffers():
->>>    if name in ['running_var']:
->>>        print(buf.size())
-
-
-
- -
-
-named_children() → Iterator[Tuple[str, torch.nn.modules.module.Module]]
-

Returns an iterator over immediate children modules, yielding both -the name of the module as well as the module itself.

-
-
Yields
-

(string, Module) – Tuple containing a name and child module

-
-
-

Example:

-
>>> for name, module in model.named_children():
->>>     if name in ['conv4', 'conv5']:
->>>         print(module)
-
-
-
- -
-
-named_modules(memo: Optional[Set[Module]] = None, prefix: str = '', remove_duplicate: bool = True)
-

Returns an iterator over all modules in the network, yielding -both the name of the module as well as the module itself.

-
-
Parameters
-
    -
  • memo – a memo to store the set of modules already added to the result

  • -
  • prefix – a prefix that will be added to the name of the module

  • -
  • remove_duplicate – whether to remove the duplicated module instances in the result

  • -
  • not (or) –

  • -
-
-
Yields
-

(string, Module) – Tuple of name and module

-
-
-
-

Note

-

Duplicate modules are returned only once. In the following -example, l will be returned only once.

-
-

Example:

-
>>> l = nn.Linear(2, 2)
->>> net = nn.Sequential(l, l)
->>> for idx, m in enumerate(net.named_modules()):
-        print(idx, '->', m)
-
-0 -> ('', Sequential(
-  (0): Linear(in_features=2, out_features=2, bias=True)
-  (1): Linear(in_features=2, out_features=2, bias=True)
-))
-1 -> ('0', Linear(in_features=2, out_features=2, bias=True))
-
-
-
- -
-
-named_parameters(prefix: str = '', recurse: bool = True) → Iterator[Tuple[str, torch.nn.parameter.Parameter]]
-

Returns an iterator over module parameters, yielding both the -name of the parameter as well as the parameter itself.

-
-
Parameters
-
    -
  • prefix (str) – prefix to prepend to all parameter names.

  • -
  • recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

  • -
-
-
Yields
-

(string, Parameter) – Tuple containing the name and parameter

-
-
-

Example:

-
>>> for name, param in self.named_parameters():
->>>    if name in ['bias']:
->>>        print(param.size())
-
-
-
- -
-
-parameters(recurse: bool = True) → Iterator[torch.nn.parameter.Parameter]
-

Returns an iterator over module parameters.

-

This is typically passed to an optimizer.

-
-
Parameters
-

recurse (bool) – if True, then yields parameters of this module -and all submodules. Otherwise, yields only parameters that -are direct members of this module.

-
-
Yields
-

Parameter – module parameter

-
-
-

Example:

-
>>> for param in model.parameters():
->>>     print(type(param), param.size())
-<class 'torch.Tensor'> (20L,)
-<class 'torch.Tensor'> (20L, 1L, 5L, 5L)
-
-
-
- -
-
-register_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
-

Registers a backward hook on the module.

-

This function is deprecated in favor of nn.Module.register_full_backward_hook() and -the behavior of this function will change in future versions.

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_buffer(name: str, tensor: Optional[torch.Tensor], persistent: bool = True) → None
-

Adds a buffer to the module.

-

This is typically used to register a buffer that should not to be -considered a model parameter. For example, BatchNorm’s running_mean -is not a parameter, but is part of the module’s state. Buffers, by -default, are persistent and will be saved alongside parameters. This -behavior can be changed by setting persistent to False. The -only difference between a persistent buffer and a non-persistent buffer -is that the latter will not be a part of this module’s -state_dict.

-

Buffers can be accessed as attributes using given names.

-
-
Parameters
-
    -
  • name (string) – name of the buffer. The buffer can be accessed -from this module using the given name

  • -
  • tensor (Tensor) – buffer to be registered.

  • -
  • persistent (bool) – whether the buffer is part of this module’s -state_dict.

  • -
-
-
-

Example:

-
>>> self.register_buffer('running_mean', torch.zeros(num_features))
-
-
-
- -
-
-register_forward_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
-

Registers a forward hook on the module.

-

The hook will be called every time after forward() has computed an output. -It should have the following signature:

-
hook(module, input, output) -> None or modified output
-
-
-

The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the output. It can modify the input inplace but -it will not have effect on forward since this is called after -forward() is called.

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_forward_pre_hook(hook: Callable[..., None]) → torch.utils.hooks.RemovableHandle
-

Registers a forward pre-hook on the module.

-

The hook will be called every time before forward() is invoked. -It should have the following signature:

-
hook(module, input) -> None or modified input
-
-
-

The input contains only the positional arguments given to the module. -Keyword arguments won’t be passed to the hooks and only to the forward. -The hook can modify the input. User can either return a tuple or a -single modified value in the hook. We will wrap the value into a tuple -if a single value is returned(unless that value is already a tuple).

-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_full_backward_hook(hook: Callable[[Module, Union[Tuple[torch.Tensor, ...], torch.Tensor], Union[Tuple[torch.Tensor, ...], torch.Tensor]], Union[None, torch.Tensor]]) → torch.utils.hooks.RemovableHandle
-

Registers a backward hook on the module.

-

The hook will be called every time the gradients with respect to module -inputs are computed. The hook should have the following signature:

-
hook(module, grad_input, grad_output) -> tuple(Tensor) or None
-
-
-

The grad_input and grad_output are tuples that contain the gradients -with respect to the inputs and outputs respectively. The hook should -not modify its arguments, but it can optionally return a new gradient with -respect to the input that will be used in place of grad_input in -subsequent computations. grad_input will only correspond to the inputs given -as positional arguments and all kwarg arguments are ignored. Entries -in grad_input and grad_output will be None for all non-Tensor -arguments.

-
-

Warning

-

Modifying inputs or outputs inplace is not allowed when using backward hooks and -will raise an error.

-
-
-
Returns
-

a handle that can be used to remove the added hook by calling -handle.remove()

-
-
Return type
-

torch.utils.hooks.RemovableHandle

-
-
-
- -
-
-register_parameter(name: str, param: Optional[torch.nn.parameter.Parameter]) → None
-

Adds a parameter to the module.

-

The parameter can be accessed as an attribute using given name.

-
-
Parameters
-
    -
  • name (string) – name of the parameter. The parameter can be accessed -from this module using the given name

  • -
  • param (Parameter) – parameter to be added to the module.

  • -
-
-
-
- -
-
-requires_grad_(requires_grad: bool = True) → T
-

Change if autograd should record operations on parameters in this -module.

-

This method sets the parameters’ requires_grad attributes -in-place.

-

This method is helpful for freezing part of the module for finetuning -or training parts of a model individually (e.g., GAN training).

-

See locally-disable-grad-doc for a comparison between -.requires_grad_() and several similar mechanisms that may be confused with it.

-
-
Parameters
-

requires_grad (bool) – whether autograd should record operations on -parameters in this module. Default: True.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-share_memory() → T
-

See torch.Tensor.share_memory_()

-
- -
-
-state_dict(destination=None, prefix='', keep_vars=False)
-

Returns a dictionary containing a whole state of the module.

-

Both parameters and persistent buffers (e.g. running averages) are -included. Keys are corresponding parameter and buffer names.

-
-
Returns
-

a dictionary containing a whole state of the module

-
-
Return type
-

dict

-
-
-

Example:

-
>>> module.state_dict().keys()
-['bias', 'weight']
-
-
-
- -
-
-to(*args, **kwargs)
-

Moves and/or casts the parameters and buffers.

-

This can be called as

-
-
-to(device=None, dtype=None, non_blocking=False)
-
- -
-
-to(dtype, non_blocking=False)
-
- -
-
-to(tensor, non_blocking=False)
-
- -
-
-to(memory_format=torch.channels_last)
-
- -

Its signature is similar to torch.Tensor.to(), but only accepts -floating point or complex dtype`s. In addition, this method will -only cast the floating point or complex parameters and buffers to :attr:`dtype -(if given). The integral parameters and buffers will be moved -device, if that is given, but with dtypes unchanged. When -non_blocking is set, it tries to convert/move asynchronously -with respect to the host if possible, e.g., moving CPU Tensors with -pinned memory to CUDA devices.

-

See below for examples.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-
    -
  • device (torch.device) – the desired device of the parameters -and buffers in this module

  • -
  • dtype (torch.dtype) – the desired floating point or complex dtype of -the parameters and buffers in this module

  • -
  • tensor (torch.Tensor) – Tensor whose dtype and device are the desired -dtype and device for all parameters and buffers in this module

  • -
  • memory_format (torch.memory_format) – the desired memory -format for 4D parameters and buffers in this module (keyword -only argument)

  • -
-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-

Examples:

-
>>> linear = nn.Linear(2, 2)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1913, -0.3420],
-        [-0.5113, -0.2325]])
->>> linear.to(torch.double)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1913, -0.3420],
-        [-0.5113, -0.2325]], dtype=torch.float64)
->>> gpu1 = torch.device("cuda:1")
->>> linear.to(gpu1, dtype=torch.half, non_blocking=True)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1914, -0.3420],
-        [-0.5112, -0.2324]], dtype=torch.float16, device='cuda:1')
->>> cpu = torch.device("cpu")
->>> linear.to(cpu)
-Linear(in_features=2, out_features=2, bias=True)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.1914, -0.3420],
-        [-0.5112, -0.2324]], dtype=torch.float16)
-
->>> linear = nn.Linear(2, 2, bias=None).to(torch.cdouble)
->>> linear.weight
-Parameter containing:
-tensor([[ 0.3741+0.j,  0.2382+0.j],
-        [ 0.5593+0.j, -0.4443+0.j]], dtype=torch.complex128)
->>> linear(torch.ones(3, 2, dtype=torch.cdouble))
-tensor([[0.6122+0.j, 0.1150+0.j],
-        [0.6122+0.j, 0.1150+0.j],
-        [0.6122+0.j, 0.1150+0.j]], dtype=torch.complex128)
-
-
-
- -
-
-to_empty(*, device: Union[str, torch.device]) → T
-

Moves the parameters and buffers to the specified device without copying storage.

-
-
Parameters
-

device (torch.device) – The desired device of the parameters -and buffers in this module.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-train(mode: bool = True) → T
-

Sets the module in training mode.

-

This has any effect only on certain modules. See documentations of -particular modules for details of their behaviors in training/evaluation -mode, if they are affected, e.g. Dropout, BatchNorm, -etc.

-
-
Parameters
-

mode (bool) – whether to set training mode (True) or evaluation -mode (False). Default: True.

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-type(dst_type: Union[torch.dtype, str]) → T
-

Casts all parameters and buffers to dst_type.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

dst_type (type or string) – the desired type

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
- -
-
-xpu(device: Union[int, torch.device, None] = None) → T
-

Moves all model parameters and buffers to the XPU.

-

This also makes associated parameters and buffers different objects. So -it should be called before constructing optimizer if the module will -live on XPU while being optimized.

-
-

Note

-

This method modifies the module in-place.

-
-
-
Parameters
-

device (int, optional) – if specified, all parameters will be -copied to that device

-
-
Returns
-

self

-
-
Return type
-

Module

-
-
-
-
-zero_grad(set_to_none: bool = False) → None
-

Sets gradients of all model parameters to zero. See similar function -under torch.optim.Optimizer for more context.

-
-
Parameters
-

set_to_none (bool) – instead of setting to zero, set the grads to None. -See torch.optim.Optimizer.zero_grad() for details.

-
-
-
- -
- -
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.html b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.html index 8872658..60eea8a 100644 --- a/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.html +++ b/docs/build/html/_autosummary/_autosummary_regularization_func/netcal.regularization.confidence_penalty.html @@ -1,58 +1,194 @@ - - + + + + - netcal.regularization.confidence_penalty — calibration-framework 1.2.1 documentation - - + + + netcal.regularization.confidence_penalty — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - -
-
-
-
+ + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regularization.confidence_penalty

+
+
+netcal.regularization.confidence_penalty(X: ndarray, weight: float, threshold: float = None, base: float = 2.718281828459045) float
+

Confidence Penalty Regularization. This penalty term can be applied to any loss function as a regularizer [1].

-
Parameters
+
Parameters:

References

-
-
1
-

G. Pereyra, G. Tucker, J. Chorowski, Lukasz Kaiser, and G. Hinton: +

-
+ +
-
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.html index d2c5bd0..bc7d759 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.AbstractLogisticRegression.html @@ -1,58 +1,196 @@ - - + + + + - netcal.scaling.AbstractLogisticRegression — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.AbstractLogisticRegression — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.AbstractLogisticRegression

+
+
+class netcal.scaling.AbstractLogisticRegression(method: str = 'mle', momentum_epochs: int = 1000, mcmc_steps: int = 250, mcmc_chains: int = 1, mcmc_warmup_steps: int = 100, vi_epochs: int = 1000, detection: bool = False, independent_probabilities: bool = False, use_cuda: Union[str, bool] = False, **kwargs)
+

Abstract class for all calibration methods that base on logistic regression. We extended common +scaling calibration methods by Bayesian epistemic uncertainty modelling [1]. On the one hand, this class supports Maximum Likelihood (MLE) estimates without uncertainty. This method is commonly solved by negative log likelihood optimization given by

@@ -72,9 +210,9 @@

netcal.scaling.AbstractLogisticRegression\(q_\Phi(\theta)\) (e.g. a normal distribution) for each weight parametrized by \(\Phi\). The optimization objective is then the minimization of the Kullback-Leibler divergence between the variational distribution \(q_\Phi(\theta))\) and the true posterior \(p(\theta | X, y)\). -This can be solved using the ELBO method 2. Variational Inference is faster than MCMC but also biased.

+This can be solved using the ELBO method [2]. Variational Inference is faster than MCMC but also biased.

-
Parameters
+
Parameters:
  • method (str, default: "mle") – Method that is used to obtain a calibration mapping: - ‘mle’: Maximum likelihood estimate without uncertainty using a convex optimizer. @@ -100,25 +238,23 @@

    netcal.scaling.AbstractLogisticRegressionReferences

    -
    -
    1
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: +

    -
    2
    -

    Michael I Jordan, Zoubin Ghahramani, Tommi S Jaakkola, and Lawrence K Saul: + +

    -
    + +

    Methods

    - ---- +
    - + @@ -157,399 +293,68 @@

    netcal.scaling.AbstractLogisticRegression

    - + - + - - - - + - + - +

    __init__([method, momentum_epochs, …])

    __init__([method, momentum_epochs, ...])

    Create an instance of AbstractLogisticRegression.

    clear()

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights and intercept used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0]. -Constraints on the intercepts might also be set.

    -
    -
    Returns
    -

    Indices of masked values and list of boundary constraints for optimization.

    -
    -
    Return type
    -

    tuple of (np.ndarray, list)

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -abstract model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -abstract prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -abstract prior()
    -

    Prior definition of the weights and intercept used for log regression. This function has to set the -sites at least for “weights” and “bias”.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -

- -

+
+
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibration.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibration.html index 355d921..69d525c 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibration.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibration.html @@ -1,62 +1,200 @@ - - + + + + - netcal.scaling.BetaCalibration — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.BetaCalibration — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.BetaCalibration

+
+
+class netcal.scaling.BetaCalibration(*args, **kwargs)
+

On classification, apply the beta calibration method to obtain a calibration mapping. The original method was +proposed by [1]. For the multiclass case, we extended this method to work with multinomial logistic regression instead of a one vs. all calibration mapping. On detection mode, this calibration method uses multiple independent Beta distributions to obtain a -calibration mapping by means of the confidence as well as additional features 2. This calibration scheme +calibration mapping by means of the confidence as well as additional features [2]. This calibration scheme assumes independence between all variables.

On detection, it is necessary to provide all data in input parameter X as an NumPy array of shape (n_samples, n_features), @@ -75,7 +213,7 @@

netcal.scaling.BetaCalibration\(s = (\hat{p}, \hat{r})\) of size K by

\[g(s) = \frac{1}{1 + \exp(-z(s))} ,\]
-

According to 1, we can interpret the logit \(z\) as the logarithm of the posterior odds

+

According to [1], we can interpret the logit \(z\) as the logarithm of the posterior odds

\[z(s) = \log \frac{f(\text{m}=1 | s)}{f(\text{m}=0 | s)} \approx \log \frac{f(s | \text{m}=1)}{f(s | \text{m}=1)} = \ell r(s)\]
@@ -95,8 +233,9 @@

netcal.scaling.BetaCalibration\(b_k=\beta_k^--\beta_k^+\) and \(c=\sum_k \log B(\alpha_k^-, \beta_k^-) - \log B(\alpha_k^+, \beta_k^+)\). We utilize standard optimization methods to determine the calibration mapping \(g(s)\).

+

Capturing epistemic uncertainty of the calibration method is also able with this implementation [3].

-
Parameters
+
Parameters:
  • method (str, default: "mle") – Method that is used to obtain a calibration mapping: - ‘mle’: Maximum likelihood estimate without uncertainty using a convex optimizer. @@ -122,30 +261,30 @@

    netcal.scaling.BetaCalibrationReferences

    -
    -
    1(1,2)
    -

    Kull, Meelis, Telmo Silva Filho, and Peter Flach: +

    -
    2
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: +The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    + +
    -
    + +

    Methods

    - ---- +
    @@ -186,410 +325,68 @@

    netcal.scaling.BetaCalibration

    - + - + - - - - + - + - +

    __init__(*args, **kwargs)

    Create an instance of BetaCalibration.

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    - -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -property intercept
    -

    Getter for intercept of logistic calibration.

    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0].

    -
    -
    Returns
    -

    Indices of masked values.

    -
    -
    Return type
    -

    list

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    -
    -prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -prior()
    -

    Prior definition of the weights used for log regression. This function has to set the -variables ‘self.weight_prior_dist’, ‘self.weight_mean_init’ and ‘self.weight_stddev_init’.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -property weights
    -

    Getter for weights of beta calibration.

    -
    - -

- -

+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.html index 8c53ca1..521fe5b 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.BetaCalibrationDependent.html @@ -1,59 +1,197 @@ - - + + + + - netcal.scaling.BetaCalibrationDependent — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.BetaCalibrationDependent — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.BetaCalibrationDependent

+
+
+class netcal.scaling.BetaCalibrationDependent(*args, method: str = 'momentum', **kwargs)
+

This calibration method uses a multivariate variant of a Beta distribution to obtain a calibration mapping by means of the confidence as well as additional features. This method is originally -proposed by 1. This calibration scheme +proposed by [1]. This calibration scheme tries to model several dependencies in the variables given by the input X.

It is necessary to provide all data in input parameter X as an NumPy array of shape (n_samples, n_features), whereas the confidence must be the first feature given in the input array. The ground-truth samples y @@ -71,12 +209,12 @@

netcal.scaling.BetaCalibrationDependent\(s = (\hat{p}, \hat{r})\) of size K by

\[g(s) = \frac{1}{1 + \exp(-z(s))} ,\]
-

According to 1, we can interpret the logit \(z\) as the logarithm of the posterior odds

+

According to [1], we can interpret the logit \(z\) as the logarithm of the posterior odds

\[z(s) = \log \frac{f(\text{m}=1 | s)}{f(\text{m}=0 | s)} \approx \log \frac{f(s | \text{m}=1)}{f(s | \text{m}=1)} = \ell r(s)\]

For a multivariate probability density function \(f(s|\text{m})\), we use a variant of the beta distribution -described in 2 and given by

+described in [2] and given by

\[f(s|\text{m}) = \frac{1}{B(\alpha_0, ..., \alpha_K)} \frac{\prod^K_{k=1} \lambda_k^{\alpha_k}(s_k^\ast)^{\alpha_k - 1} @@ -99,8 +237,9 @@

netcal.scaling.BetaCalibrationDependent\(c=\log B(\alpha_0^-, ..., \alpha_k^-) - \log B(\alpha_0^+, ..., \alpha^+_k)\).

This is optimized by an Adam optimizer with a learning rate of 1e-3 and a batch size of 256 for 1000 iterations (default).

+

Capturing epistemic uncertainty of the calibration method is also able with this implementation [3].

-
Parameters
+
Parameters:
  • method (str, default: "momentum") – Method that is used to obtain a calibration mapping: - ‘mle’: Maximum likelihood estimate without uncertainty using a convex optimizer. @@ -122,29 +261,29 @@

    netcal.scaling.BetaCalibrationDependentReferences

    -
    -
    1(1,2)
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: +

    -
    2
    -

    Libby, David L., and Melvin R. Novick: +The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    + +
    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    @@ -185,417 +324,68 @@

    netcal.scaling.BetaCalibrationDependent

    - + - + - - - - + - + - +

    __init__(*args[, method])

    Create an instance of BetaCalibrationDependent.

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -property alphas
    -

    Getter for alpha values of dependent beta calibration.

    -
    - -
    -
    -property betas
    -

    Getter for beta values of dependent beta calibration.

    -
    - -
    -
    -clear()
    -

    Clear model parameters.

    -
    - -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -property intercept
    -

    Getter for intercept of dependent beta calibration.

    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0]. -Constraints on the intercepts might also be set.

    -
    -
    Returns
    -

    Indices of masked values and list of boundary constraints for optimization.

    -
    -
    Return type
    -

    tuple of (np.ndarray, list)

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -prior()
    -

    Prior definition of the weights used for log regression. This function has to set the -variables ‘self.weight_prior_dist’, ‘self.weight_mean_init’ and ‘self.weight_stddev_init’.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    -

-

+

+
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.html index 1eb14d9..5043f0a 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibration.html @@ -1,61 +1,199 @@ - - + + + + - netcal.scaling.LogisticCalibration — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.LogisticCalibration — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.LogisticCalibration

+
+
+class netcal.scaling.LogisticCalibration(*args, temperature_only: bool = False, **kwargs)
+

On classification, apply the logistic calibration method aka Platt scaling to obtain a +calibration mapping. This method is originally proposed by [1]. +For the multiclass case, we use the Vector scaling proposed in [2]. On detection mode, this calibration method uses multiple independent normal distributions to obtain a -calibration mapping by means of the confidence as well as additional features 3. This calibration scheme +calibration mapping by means of the confidence as well as additional features [3]. This calibration scheme assumes independence between all variables.

On detection, it is necessary to provide all data in input parameter X as an NumPy array of shape (n_samples, n_features), @@ -74,7 +212,7 @@

netcal.scaling.LogisticCalibration\(s = (\hat{p}, \hat{r})\) of size K by

\[g(s) = \frac{1}{1 + \exp(-z(s))} ,\]
-

According to 1, we can interpret the logit \(z\) as the logarithm of the posterior odds

+

According to [1], we can interpret the logit \(z\) as the logarithm of the posterior odds

\[z(s) = \log \frac{f(\text{m}=1 | s)}{f(\text{m}=0 | s)} \approx \log \frac{f(s | \text{m}=1)}{f(s | \text{m}=1)} = \ell r(s)\]
@@ -83,14 +221,15 @@

netcal.scaling.LogisticCalibration\(w \in \mathbb{R}^K\). However, instead of using the uncalibrated confidence estimate \(\hat{p}\), we use the logit of the -network as part of \(s\) to be conform with the original formulation in 1 and 2. Thus, +network as part of \(s\) to be conform with the original formulation in [1] and [2]. Thus, the log-likelihood ratio can be expressed as

\[\ell r(s) = s^T w + c,\]

with bias \(c \in \mathbb{R}\). We utilize standard optimization methods to determine the calibration mapping \(g(s)\).

+

Capturing epistemic uncertainty of the calibration method is also able with this implementation [4].

-
Parameters
+
Parameters:
  • temperature_only (bool, default: False) – If True, use Temperature Scaling instead of Platt/Vector Scaling.

  • method (str, default: "mle") – Method that is used to obtain a calibration mapping: @@ -117,36 +256,38 @@

    netcal.scaling.LogisticCalibrationReferences

    -
    -
    1(1,2,3)
    -

    Platt, John: +

    -
    2(1,2)
    -

    Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: + +

    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: + +

    -
    4
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: +The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    + +
    -
    + +

    Methods

    - ---- +
    @@ -187,411 +328,68 @@

    netcal.scaling.LogisticCalibration

    - + - + - - - - + - + - +

    __init__(*args[, temperature_only])

    Create an instance of LogisticCalibration.

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    - -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -property intercept
    -

    Getter for intercept of logistic calibration.

    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0]. -Constraints on the intercepts might also be set.

    -
    -
    Returns
    -

    Indices of masked values and list of boundary constraints for optimization.

    -
    -
    Return type
    -

    tuple of (np.ndarray, list)

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -prior()
    -

    Prior definition of the weights used for log regression. This function has to set the -variables ‘self.weight_prior_dist’, ‘self.weight_mean_init’ and ‘self.weight_stddev_init’.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -property weights
    -

    Getter for weights of logistic calibration.

    -
    - -

- -

+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.html index b08f4f4..b388de1 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.LogisticCalibrationDependent.html @@ -1,59 +1,197 @@ - - + + + + - netcal.scaling.LogisticCalibrationDependent — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.LogisticCalibrationDependent — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.LogisticCalibrationDependent

+
+
+class netcal.scaling.LogisticCalibrationDependent(*args, **kwargs)
+

This calibration method is for detection only and uses multivariate normal distributions to obtain a calibration mapping by means of the confidence as well as additional features. This calibration scheme -tries to model several dependencies in the variables given by the input X 1.

+tries to model several dependencies in the variables given by the input X [1].

It is necessary to provide all data in input parameter X as an NumPy array of shape (n_samples, n_features), whereas the confidence must be the first feature given in the input array. The ground-truth samples y must be an array of shape (n_samples,) consisting of binary labels \(y \in \{0, 1\}\). Those @@ -70,7 +208,7 @@

netcal.scaling.LogisticCalibrationDependent\(s = (\hat{p}, \hat{r})\) of size K by

\[g(s) = \frac{1}{1 + \exp(-z(s))} ,\]
-

According to 2, we can interpret the logit \(z\) as the logarithm of the posterior odds

+

According to [2], we can interpret the logit \(z\) as the logarithm of the posterior odds

\[z(s) = \log \frac{f(\text{m}=1 | s)}{f(\text{m}=0 | s)} \approx \log \frac{f(s | \text{m}=1)}{f(s | \text{m}=1)} = \ell r(s)\]
@@ -79,16 +217,17 @@

netcal.scaling.LogisticCalibrationDependent\(\text{m}=1\) and \(\text{m}=0\), respectively, we get a likelihood ratio of

-\[\ell r(s) = \log \frac{\Sigma^-}{\Sigma^+} -+ \frac{1}{2} (s_-^T \Sigma_-^{-1}s^-) - (s_+^T \Sigma_+^{-1}s^+),\]
+\[\ell r(s) = \log \frac{|\Sigma^-|}{|\Sigma^+|} ++ \frac{1}{2} \Big[ (s_-^T \Sigma_-^{-1}s^-) - (s_+^T \Sigma_+^{-1}s^+) \Big],\]

with \(s^+ = s - \mu^+\) and \(s^- = s - \mu^-\).

To keep the restrictions to covariance matrices (symmetric and positive semidefinit), we optimize a decomposed matrix V as

\[\Sigma = V^T V\]

instead of estimating \(\Sigma\) directly. This guarantees both requirements.

+

Capturing epistemic uncertainty of the calibration method is also able with this implementation [3].

-
Parameters
+
Parameters:
  • method (str, default: "mle") – Method that is used to obtain a calibration mapping: - ‘mle’: Maximum likelihood estimate without uncertainty using a convex optimizer. @@ -110,30 +249,29 @@

    netcal.scaling.LogisticCalibrationDependentReferences

    -
    -
    1
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: +

    -
    2
    -

    Kull, Meelis, Telmo Silva Filho, and Peter Flach: +The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    + +
    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    @@ -174,417 +312,68 @@

    netcal.scaling.LogisticCalibrationDependent

    - + - + - - - - + - + - +

    __init__(*args, **kwargs)

    Create an instance of LogisticCalibrationDependent.

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    - -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -property covariances
    -

    Getter for covariance matrices of dependent logistic calibration.

    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -property intercept
    -

    Getter for intercept of dependent logistic calibration.

    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0]. -Constraints on the intercepts might also be set.

    -
    -
    Returns
    -

    Indices of masked values and list of boundary constraints for optimization.

    -
    -
    Return type
    -

    tuple of (np.ndarray, list)

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -property means
    -

    Getter for mean vectors of dependent logistic calibration.

    -
    - -
    -
    -model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -prior()
    -

    Prior definition of the weights used for log regression. This function has to set the -variables ‘self.weight_prior_dist’, ‘self.weight_mean_init’ and ‘self.weight_stddev_init’.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    - -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    -

-
+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.TemperatureScaling.html b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.TemperatureScaling.html index 3c5e506..7fda506 100644 --- a/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.TemperatureScaling.html +++ b/docs/build/html/_autosummary/_autosummary_scaling/netcal.scaling.TemperatureScaling.html @@ -1,58 +1,198 @@ - - + + + + - netcal.scaling.TemperatureScaling — calibration-framework 1.2.1 documentation - - + + + netcal.scaling.TemperatureScaling — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.scaling.TemperatureScaling

+
+
+class netcal.scaling.TemperatureScaling(*args, **kwargs)
+

On classification or detection, apply the temperature scaling method to obtain a +calibration mapping. +This method has been proposed by [1]. +For confidence calibration in classification tasks, a confidence mapping \(g\) is applied on top of a miscalibrated scoring classifier \(\hat{p} = h(x)\) to deliver a calibrated confidence score \(\hat{q} = g(h(x))\).

For detection calibration, we can also use the additional box regression output which we denote as @@ -66,9 +206,10 @@

netcal.scaling.TemperatureScaling\(T \in \mathbb{R}\) as a single scalar value. The function \(\sigma(*)\) is either the sigmoid (on detection or binary classification) or the softmax operator (multiclass classification).

-

We utilize standard optimization methods to determine the calibration mapping \(g(s)\).

+

We utilize standard optimization methods to determine the calibration mapping \(g(s)\). +Capturing epistemic uncertainty of the calibration method is also able with this implementation [2].

-
Parameters
+
Parameters:
  • method (str, default: "mle") – Method that is used to obtain a calibration mapping: - ‘mle’: Maximum likelihood estimate without uncertainty using a convex optimizer. @@ -94,30 +235,23 @@

    netcal.scaling.TemperatureScalingReferences

    -
    -
    1
    -

    Chuan Guo, Geoff Pleiss, Yu Sun and Kilian Q. Weinberger: +

    -
    2
    -

    Fabian Küppers, Jan Kronenberger, Amirhossein Shantia and Anselm Haselhoff: -“Multivariate Confidence Calibration for Object Detection.” -The IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR) Workshops, 2020.

    -
    -
    3
    -

    Fabian Küppers, Jan Kronenberger, Jonas Schneider and Anselm Haselhoff: + +

    -
    + +

    Methods

    - ---- +
    @@ -158,417 +292,68 @@

    netcal.scaling.TemperatureScaling

    - + - + - - - - + - + - +

    __init__(*args, **kwargs)

    Create an instance of TemperatureScaling.

    prepare(X)

    Preprocessing of input data before called at the beginning of the fit-function.

    prior()

    prior(dtype)

    Prior definition of the weights used for log regression.

    save_model(filename)

    Save model instance as with torch’s save function as this is safer for torch tensors.

    Save model instance as with torch's save function as this is safer for torch tensors.

    set_params(**params)

    Set the parameters of this estimator.

    squeeze_generic(a, axes_to_keep)

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is of size 1.

    to(device)

    to(device)

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    transform(X[, num_samples, random_state, …])

    transform(X[, num_samples, random_state, ...])

    After model calibration, this function is used to get calibrated outputs of uncalibrated confidence estimates.

    variational(data, y, tensorboard, log_dir)

    variational(data, y, tensorboard, log_dir)

    Perform variational inference using the guide.

    -
    -
    -clear()
    -

    Clear model parameters.

    -
    - -
    -
    -convex(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Convex optimization to find the global optimum of current parameter search.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -fit(X: numpy.ndarray, y: numpy.ndarray, random_state: int = None, tensorboard: bool = True, log_dir: str = None) → AbstractLogisticRegression
    -

    Build logitic calibration model either conventional with single MLE estimate or with -Variational Inference (VI) or Markov-Chain Monte-Carlo (MCMC) algorithm to also obtain uncertainty estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • y (np.ndarray, shape=(n_samples, [n_classes])) – NumPy array with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D).

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    -
    -
    Returns
    -

    Instance of class AbstractLogisticRegression.

    -
    -
    Return type
    -

    AbstractLogisticRegression

    -
    -
    -
    - -
    -
    -fit_transform(X, y=None, **fit_params)
    -

    Fit to data, then transform it.

    -

    Fits transformer to X and y with optional parameters fit_params -and returns a transformed version of X.

    -
    -
    Parameters
    -
      -
    • X (numpy array of shape [n_samples, n_features]) – Training set.

    • -
    • y (numpy array of shape [n_samples]) – Target values.

    • -
    • **fit_params (dict) – Additional fit parameters.

    • -
    -
    -
    Returns
    -

    X_new – Transformed array.

    -
    -
    Return type
    -

    numpy array of shape [n_samples, n_features_new]

    -
    -
    -
    - -
    -
    -get_params(deep=True)
    -

    Get parameters for this estimator.

    -
    -
    Parameters
    -

    deep (boolean, optional) – If True, will return the parameters for this estimator and -contained subobjects that are estimators.

    -
    -
    Returns
    -

    params – Parameter names mapped to their values.

    -
    -
    Return type
    -

    mapping of string to any

    -
    -
    -
    - -
    -
    -guide(X: torch.Tensor = None, y: torch.Tensor = None)
    -

    Variational substitution definition for each parameter. The signature is the same as for the -“self.model” function but the variables are not used.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    -
    - -
    -
    -property intercept
    -

    Getter for intercept of logistic calibration.

    -
    - -
    -
    -load_model(filename)
    -

    Load model from saved torch dump.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    Returns
    -

    Instance of a child class of AbstractCalibration.

    -
    -
    Return type
    -

    AbstractCalibration

    -
    -
    -
    - -
    -
    -mask() → Tuple[numpy.ndarray, List]
    -

    Seek for all relevant weights whose values are negative. Mask those values with optimization constraints -in the interval [0, 0]. -Constraints on the intercepts might also be set.

    -
    -
    Returns
    -

    Indices of masked values and list of boundary constraints for optimization.

    -
    -
    Return type
    -

    tuple of (np.ndarray, list)

    -
    -
    -
    - -
    -
    -mcmc(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform Markov-Chain Monte-Carlo sampling on the (unknown) posterior.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -model(X: torch.Tensor = None, y: torch.Tensor = None) → torch.Tensor
    -

    Definition of the log regression model.

    -
    -
    Parameters
    -
      -
    • X (torch.Tensor, shape=(n_samples, n_log_regression_features)) – Input data that has been prepared by “self.prepare” function call.

    • -
    • y (torch.Tensor, shape=(n_samples, [n_classes])) – Torch tensor with ground truth labels. -Either as label vector (1-D) or as one-hot encoded ground truth array (2-D) (for multiclass MLE only).

    • -
    -
    -
    Returns
    -

    Logit of the log regression model.

    -
    -
    Return type
    -

    torch.Tensor, shape=(n_samples, [n_classes])

    -
    -
    -
    - -
    -
    -momentum(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Momentum optimization to find the global optimum of current parameter search. -This method is slow but tends to find the global optimum for non-convex optimization.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -prepare(X: numpy.ndarray) → torch.Tensor
    -

    Preprocessing of input data before called at the beginning of the fit-function.

    -
    -
    Parameters
    -

    X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    -
    -
    Returns
    -

    Prepared data vector X as torch tensor.

    -
    -
    Return type
    -

    torch.Tensor

    -
    -
    -
    - -
    -
    -prior()
    -

    Prior definition of the weights used for log regression. This function has to set the -variables ‘self.weight_prior_dist’, ‘self.weight_mean_init’ and ‘self.weight_stddev_init’.

    -
    - -
    -
    -save_model(filename: str)
    -

    Save model instance as with torch’s save function as this is safer for torch tensors.

    -
    -
    Parameters
    -

    filename (str) – String with filename.

    -
    -
    -
    - -
    -
    -set_params(**params) → netcal.AbstractCalibration.AbstractCalibration
    -

    Set the parameters of this estimator.

    -

    The method works on simple estimators as well as on nested objects -(such as pipelines). The latter have parameters of the form -<component>__<parameter> so that it’s possible to update each -component of a nested object.

    -
    -
    Returns
    -

    -
    -
    Return type
    -

    self

    -
    -
    -
    -
    -classmethod squeeze_generic(a: numpy.ndarray, axes_to_keep: Union[int, Iterable[int]]) → numpy.ndarray
    -

    Squeeze input array a but keep axes defined by parameter ‘axes_to_keep’ even if the dimension is -of size 1.

    -
    -
    Parameters
    -
      -
    • a (np.ndarray) – NumPy array that should be squeezed.

    • -
    • axes_to_keep (int or iterable) – Axes that should be kept even if they have a size of 1.

    • -
    -
    -
    Returns
    -

    Squeezed array.

    -
    -
    Return type
    -

    np.ndarray

    -
    -
    -
    - -
    -
    -property temperature
    -

    Getter for temperature of temperature scaling.

    -
    - -
    -
    -to(device: torch.device)
    -

    Set distribution parameters to the desired device in order to compute either on CPU or GPU.

    -
    - -
    -
    -transform(X: numpy.ndarray, num_samples: int = 1000, random_state: int = None, mean_estimate: bool = False) → numpy.ndarray
    -

    After model calibration, this function is used to get calibrated outputs of uncalibrated -confidence estimates.

    -
    -
    Parameters
    -
      -
    • X (np.ndarray, shape=(n_samples, [n_classes]) or (n_samples, [n_box_features])) – NumPy array with confidence values for each prediction on classification with shapes -1-D for binary classification, 2-D for multi class (softmax). -On detection, this array must have 2 dimensions with number of additional box features in last dim.

    • -
    • num_samples (int, optional, default: 1000) – Number of samples generated on MCMC sampling or Variational Inference.

    • -
    • random_state (int, optional, default: None) – Fix the random seed for the random number

    • -
    • mean_estimate (bool, optional, default: False) – If True, directly return the mean on probabilistic methods like MCMC or VI instead of the full -distribution. This parameter has no effect on MLE.

    • -
    -
    -
    Returns
    -

      -
    • np.ndarray, shape=(n_samples, [n_classes]) on MLE or on MCMC/VI if ‘mean_estimate’ is True

    • -
    • or shape=(n_parameters, n_samples, [n_classes]) on VI, MCMC if ‘mean_estimate’ is False – On MLE without uncertainty, return NumPy array with calibrated confidence estimates. -1-D for binary classification, 2-D for multi class (softmax). -On VI or MCMC, return NumPy array with leading dimension as the number of sampled parameters from the -log regression parameter distribution obtained by VI or MCMC.

    • -
    -

    -
    -
    -
    - -
    -
    -variational(data: torch.Tensor, y: torch.Tensor, tensorboard: bool, log_dir: str)
    -

    Perform variational inference using the guide.

    -
    -
    Parameters
    -
      -
    • data_input (np.ndarray, shape=(n_samples, n_features)) – NumPy 2-D array with data input.

    • -
    • y (np.ndarray, shape=(n_samples,)) – NumPy array with ground truth labels as 1-D vector (binary).

    • -
    -
    -
    -
    - -
    -
    -property weights
    -

    Getter for weights of logistic calibration.

    -
    - -

- -

+ +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.binning.html b/docs/build/html/_autosummary/netcal.binning.html index 51a69ad..2925b97 100644 --- a/docs/build/html/_autosummary/netcal.binning.html +++ b/docs/build/html/_autosummary/netcal.binning.html @@ -1,141 +1,248 @@ - - + + + + - netcal.binning — calibration-framework 1.2.1 documentation - - + + + netcal.binning — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - -
-
-
-
+ + + +
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.metrics.html b/docs/build/html/_autosummary/netcal.metrics.html index 2737edb..89035a8 100644 --- a/docs/build/html/_autosummary/netcal.metrics.html +++ b/docs/build/html/_autosummary/netcal.metrics.html @@ -1,146 +1,334 @@ - - + + + + - netcal.metrics — calibration-framework 1.2.1 documentation - - + + + netcal.metrics — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - - - -
-
-
-
+ + +
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.presentation.html b/docs/build/html/_autosummary/netcal.presentation.html index 05438df..42a987c 100644 --- a/docs/build/html/_autosummary/netcal.presentation.html +++ b/docs/build/html/_autosummary/netcal.presentation.html @@ -1,132 +1,252 @@ - - + + + + - netcal.presentation — calibration-framework 1.2.1 documentation - - + + + netcal.presentation — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - - - - -
-
-
-
+ + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.presentation

+
+

Visualization Package

+

Methods for the visualization of miscalibration in the scope of confidence calibration and regression uncertainty +calibration.

+

This package consists of a netcal.presentation.ReliabilityDiagram (Reliability Diagram) method used to +visualize the calibration properties for confidence +calibration in the scope of classification, object detection (semantic label confidence) or segmentation. +Similar to the ACE or ECE, this method bins the samples in equally sized bins by their confidence and displays the gap between confidence and observed accuracy in each bin.

-
-

Available classes

- ---- +

For regression uncertainty calibration, this package also holds the netcal.presentation.ReliabilityRegression +method that is able to visualize the quantile calibration properties of probabilistic regression models, e.g., within +probabilistic regression or object detection (spatial position uncertainty). +A complementary diagram is the netcal.presentation.ReliabilityQCE that visualizes the computation of the netcal.metrics.regression.QCE (C-QCE) metric.

+ +
+

Available classes

+
- - + + + + + + + +

ReliabilityDiagram([bins, equal_intervals, …])

Plot Confidence Histogram and Reliability Diagram to visualize miscalibration.

ReliabilityDiagram([bins, equal_intervals, ...])

Plot Confidence Histogram and Reliability Diagram to visualize miscalibration in the context of confidence calibration.

ReliabilityRegression([quantiles])

Reliability diagram in the scope of regression calibration for probabilistic regression models.

ReliabilityQCE([bins])

Visualizes the Conditional Quantile Calibration Error (C-QCE) in the scope of regression calibration as a bar chart for probabilistic regression models.

-
-
+ + +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.regression.html b/docs/build/html/_autosummary/netcal.regression.html new file mode 100644 index 0000000..30922e9 --- /dev/null +++ b/docs/build/html/_autosummary/netcal.regression.html @@ -0,0 +1,345 @@ + + + + + + + + + + + netcal.regression — net:cal API Reference + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regression

+
+

Probabilistic Regression Calibration Package

+

Methods for uncertainty calibration of probabilistic regression tasks. +A probabilistic regression model does not only provide a continuous estimate but also an according uncertainty +(commonly a Gaussian standard deviation/variance). +The methods within this package are able to recalibrate this uncertainty by means of quantile calibration [1], +distribution calibration [2], or variance calibration [3], [4].

+

Quantile calibration [1] requires that a predicted quantile for a quantile level t covers +approx. 100t% of the ground-truth samples.

+

Methods for quantile calibration:

+
    +
  • IsotonicRegression [1].

  • +
+

Distribution calibration [2] requires that a predicted probability distribution should be equal to the observed +error distribution. This must hold for all statistical moments.

+

Methods for distribution calibration:

+
    +
  • GPBeta [2].

  • +
  • GPNormal [5].

  • +
  • GPCauchy [5].

  • +
+

Variance calibration [3], [4] requires that the predicted variance of a Gaussian distribution should match the +observed error variance which is equivalent to the root mean squared error.

+

Methods for variance calibration:

+
    +
  • VarianceScaling [3], [4].

  • +
  • GPNormal [5].

  • +
+
+

References

+

[1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: +“Accurate uncertainties for deep learning using calibrated regression.” +International Conference on Machine Learning. PMLR, 2018. +Get source online

+

[2] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: +“Distribution calibration for regression.” +International Conference on Machine Learning. PMLR, 2019. +Get source online

+

[3] Levi, Dan, et al.: +“Evaluating and calibrating uncertainty prediction in regression tasks.” +arXiv preprint arXiv:1905.11659 (2019). +Get source online

+

[4] Laves, Max-Heinrich, et al.: +“Well-calibrated regression uncertainty in medical imaging with deep learning.” +Medical Imaging with Deep Learning. PMLR, 2020. +Get source online

+

[5] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: +“Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection.” +ArXiv preprint arXiv:2207.01242, 2022. +Get source online

+
+
+
+

Available classes

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

IsotonicRegression()

Isotonic regression calibration for probabilistic regression models with multiple independent output dimensions (optionally).

VarianceScaling()

Variance recalibration using maximum likelihood estimation for multiple independent dimensions (optionally).

GPBeta([n_inducing_points, ...])

GP-Beta recalibration method for regression uncertainty calibration using the well-known Beta calibration method from classification calibration in combination with a Gaussian process (GP) parameter estimation.

GPNormal([n_inducing_points, ...])

GP-Normal recalibration method for regression uncertainty calibration using a temperature scaling for the variance of a normal distribution but using the Gaussian process (GP) parameter estimation to adaptively obtain the scaling parameter for each input individually.

GPCauchy([n_inducing_points, ...])

GP-Cauchy recalibration method for regression uncertainty calibration that consumes an uncalibrated Gaussian distribution but converts it to a calibrated Cauchy distribution.

+
+
+

Package for Gaussian process optimization

+ + + + + + +

gp

Regression GP Calibration Package + +This package provides the framework for all Gaussian Process (GP) recalibration schemes. +These are GP-Beta [2], GP-Normal [3], and GP-Cauchy [3]. The goal of regression calibration using a GP scheme is to achieve +distribution calibration, i.e., to match the predicted moments (mean, variance) to the true observed ones. +In contrast to quantile calibration [1], where only the marginal calibration is of interest, the distribution calibration [2] is more +restrictive. It requires that the predicted moments should match the observed ones given a certain probability +distribution. Therefore, the authors in [2] propose to use Gaussian process to estimate the recalibration +parameters of a Beta calibration function locally (i.e., matching the observed moments of neighboring samples). +The GP-Normal and the GP-Cauchy follow the same principle but return parametric output distributions after calibration. + +References + +[1] Volodymyr Kuleshov, Nathan Fenner, and Stefano Ermon: +"Accurate uncertainties for deep learning using calibrated regression." +International Conference on Machine Learning. PMLR, 2018. +Get source online + +[2] Hao Song, Tom Diethe, Meelis Kull and Peter Flach: +"Distribution calibration for regression." +International Conference on Machine Learning. PMLR, 2019. +Get source online + +[3] Küppers, Fabian, Schneider, Jonas, and Haselhoff, Anselm: +"Parametric and Multivariate Uncertainty Calibration for Regression and Object Detection." +ArXiv preprint arXiv:2207.01242, 2022. +Get source online

+
+
+ + +
+
+
+
+
+ + +
+ + + + + +
+
+ + +
+ + + + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.regularization.html b/docs/build/html/_autosummary/netcal.regularization.html index c7f5ed4..ddc5818 100644 --- a/docs/build/html/_autosummary/netcal.regularization.html +++ b/docs/build/html/_autosummary/netcal.regularization.html @@ -1,62 +1,194 @@ - - + + + + - netcal.regularization — calibration-framework 1.2.1 documentation - - + + + netcal.regularization — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - - - -
-
-
-
+ + + + + + +
+ + +
+ + + + +
+
+
+
+
+ +
+

netcal.regularization

+
+

Regularization Methods for Confidence Calibration

Regularization methods which are applied during model training. These methods should achieve a confidence calibration during model training. For example, the Confidence Penalty penalizes confident predictions and prohibits over-confident estimates. Use the functions to obtain the regularization and callback instances with prebuild parameters.

-
-

Available functions

- ---- + +
+

Available functions

+
@@ -65,78 +197,53 @@

Available functions

- + - +

confidence_penalty(X, weight[, threshold, base])

Confidence Penalty Regularization.

MMCEPenalty([weight])

Maximum mean calibration error (MMCE) [1]_.

Maximum mean calibration error (MMCE).

DCAPenalty([weight])

Difference between Confidence and Accuracy (DCA) [1]_.

Difference between Confidence and Accuracy (DCA).

-
-
+ + +
+
+
-
- - - + + +
+
+ +
+ + \ No newline at end of file diff --git a/docs/build/html/_autosummary/netcal.scaling.html b/docs/build/html/_autosummary/netcal.scaling.html index 29b7885..eeb502f 100644 --- a/docs/build/html/_autosummary/netcal.scaling.html +++ b/docs/build/html/_autosummary/netcal.scaling.html @@ -1,63 +1,202 @@ - - + + + + - netcal.scaling — calibration-framework 1.2.1 documentation - - + + + netcal.scaling — net:cal API Reference + + + - - - - - - + + + + + + + + + + + + + + + + + + + + + + + + + + - - - -
-
-
-
+ + +
- - + + + + - - - - + + +
+
+ + + + \ No newline at end of file diff --git a/docs/build/html/_images/logo_long.png b/docs/build/html/_images/logo_long.png new file mode 100644 index 0000000000000000000000000000000000000000..f83e4cda8bcc852c29c258405a2d7adc85a4ff20 GIT binary patch literal 81155 zcmYJa1yEaS_dOgSXrX8!xE3k2xVuAfTD(|sch}-j+={!E0>Ry(xLYXhE=7X{zTE$N z@9*1_oMbYYNuG1|v-jF-trMxLEQ^Iff&l;ku;k^W)Bym*L-_kUG!*zzZQ7Fz{(|l( zr{e+uQ1t%uM6jQ76M=t7>?*D8`pLoE)x+4?4B+A6@xjX8#>K?g(d>hRvqk2a5D5T4 z1(25#|LmD{;^)D8X)tV^PTWo1LAN zk$%83nqDoJewsmkYy&48b0m+NJ!(J}#Uyz4JBbAw+A36YKK<6^h*PgGzp zko?4nH`BlZAacq!s51ei)KjI(093IB)SLup$hfN|4V?{T<&-w#O&C)zf!B6MzFmaV z9^bDQ&M#tkHBsG>5&sSUXYn4nE}MdYOMWP!lP^iVi127F=azQPXUL6{ml|b(&iCO< zCj#T~Ua|$2F_ZCLp#nLh&h>B{M0LEqeUykIAmFn`Xo}kFVy-meP9=m z0rF)nRn6H(KHNjPSog=JG>rYL$~9*IC-;gx!J1gh)51Vn`9bUu7N?4mS!oMM! zizf4sjk#1!eYBb(1PbBYpRq0c3X5oGga86@LLSMy_>@I9`LaCMO&n(~2Df(bV|y;3 z{D`k!UB#>GBDEpXB32}vMmt}5JqQ;D;e>F>vkiGOj^d5>A!aBM(;%3m;EG}LDF{c= z6v-ooViZnK)&It%LA2R;6m7v;f0%$?RG#}%u0NeY|Hhm@@peKB_3~0s0R3vNsKKIO zYgnA_EY^09iUX!=df>m2O$$2oKtw6E6(C9EVI8|+9r=D#W2SL~U}Qfvhy=-r;8YgI z#n$!UAXE`RfEg_OR4AfG&W9XRk8&iNMP7Jf7Ne)yymmf2Pd5^?#0ix9cwI-)9i5`~ zZD~gT>EVnV_gh4~8F3oHz&39Eg5597K(kK^)U3?DSAy$2^Ax zI*dwE_z?Oimk2DJM%ym1#`2l0w?A&V1<)gZ4HT2x2Dt`{FA2nORfjzON_xk=)0DMfd@?dE=zcait^9 z8j(Hy9f$*sI?}|1iqm+x@ia_iOK3Kb+gp!~6KI7)Z2dhM@9OG`3J>&pka4v3CpMzC z;1W8?yXbGu(qe#z4v|Eb-(A)KdF>S2@Vu+T# z6KA=8_pS(i)-YbaJ)PodPC_4$gC27jDOyN+AYk(P85<+?NAIS*`CQKPd&sj19nr|O zjLnqP1*H}T(FKO7Mpwf@MgxvsYeAu+QUd(U+vARWTgxS#vp;mzZuNt@?Ufn-p%WQx z6pdx2T5>2ccA(7A>i*`k7YC;t4iFuU12v|#N)3Wx_&fsnJN*kh=w^7wQEx6s-C3sH z<>flt5J1#?{9jv$gSUlud03c#l zG}MO1VsJptX(PYdE_aek+Z|91h!Hj_bu$&mPYc){y`p9VVa5-zUkVL63h|)$n-r#6Ftt#8X}cQ2LMT{ zxfYSOC6ugAN|`^Yr@51BpfvVl+ut)iUnW5|X|)U|x1Gcjl6imWc9}5}K1VhAH%t9n z(YhzmgAzm#bh|`ySg`{%Nd~*vN3Qy?1x>MX{5M;g?}F-T_VT<;6kX<$dB5fUx~L?k zBI1h-(^{MK23>oDVg?r*Yi;kgf$_2C^~Q*@`hI|+TFk3pgnG?pzef%(o8#ovg}0*Y zrNou=3Ef6h!80VIng$7xV!FyHZ-S;r)zPTgNMiDmIfUG$IPdo)&Z#_1CLtTj0=NnzX2*AU9|5FefMVxvRuipv&0n4tmcB_I`@buU; z<1`NLr4Vlyf#pCEq(i?>6OtW)gN|-4qX99pC`#(;-1Dn^=lej}6#@;obGYm3gi1!y z+!yK|@O>qB$AN8$Xi#LJ~q=fFzB)5;^1;kFq*+R9b&3QNdVwZ zo&P?7K9(JmjE;^10OP>CUpTXklK9C)p?n;3#Ki=uKYsKm&I-8zfT4V;Lqa33g7X@x z?HbBC#z-X4q|~D6A`|wJlgk+fwkC(SCz1kj3O3gtbFSxKOGpJSbkFCuA)G&N$liAa z{Kbz7dCK|f_WN&1u*lHU<}jw>|5bOdmBN_o=dHc)57%|j_t=A_GXKogaqJHAsyme z#ua1vDQ{oj-fp`CqOLrOBAm=(?@!431!f zqj}8{dg2VA$1)PjWHzoeE=n*0z{txB`Qx&Y_O#qUV4fZQG{`DLf+=*<5*ViK_6#rW zqa1VPGC4%q_mieq&A^Xr97$s`L25R3rDNF~{^aKNt*E5J-Z;jOBOGg27L@)j>ybcqIJ1PUxPIr=%+Tn)x#R^Vvpx@mT z*p_8Sg%{Ey9>y4}W)o_++=L{dNJoxHU#YY=PluZA^^+=slvWSz+wQK}PG|-r@Aq)K zGjt9!)ZlOIVaFKDKV*M_4rjNi7y+&5mnYCiZ5?77R%_CoKi-!y;$ZlKYgv#0nBgXj z!mB*E;x;m5vU0NoW6?sac?}sET7^ua?2yIh0=3i>eFbX+{oW$-%9vz3v0v&WFR(t! zZS1NCwyOL6fNwaizrMCx*54d;8JOk&HwV7v^FNEZ4o%`E%NS#Aw-B1h_3h6`-F9R3 zCY<1RftByBdZz(oWJq3(jZY#0SKOB;ZPPt9biX?ssEpt@?%JSntlvDs!t87P9;>(A zcx6hvKeI8~pyiXq-8?-B6(uh=`UxJj@=Q3>+l0m+mVlx3VnyPZ<3wgYWbGWCZj(E$%%zZu5ajrz@c=bfvH2gX|xJ8uzn$iefiwXh^O_aQ^F}QW5Fv}>S%an(I_{3a7B7~cffJq!0qXB z4_)R%2Jxq8EJz7!`We&)OMRdH4ElI*POVFkM{DC9rRY_jVsWZVPR6bXhH> zq0(fQYMkWNuf0MXL?^Ps^<(jQZp|=B#swvPEU{kC(zoc>b(ok&X>n>0H;;CfZcH?$ z_b?^>>kCg0nykxfQA#D4ePcFFao7P-w? z?|qn6Zp2_%lV*dK`NR!jWNAwiR5lC`4AT$I{LQu#<{-Ekuu(E-tHSORwkjjSw0pEV z1j+oCqL#;7eh&E>WdorU)P0CvAkol3Ff!Ev|8z(;l@jD}cuwNVYOTtzN0(7bD&h=_ z9m`jT_eJ%O{c1u=qBX~ZV^bB~Mri!}KO*n7Cq>%~v4-ZTn;Jh|StwX~v{TsMM$_Lm z)bUn{a4HM#divh!Yt8Kb5J5+Djg>2?3~o?RS)8tW^WQbK*xVmTQXX^|dM)hv3`Z=U ze-gsUCAwfoL`JZ~;|-Rj^sB65mxCsGOz{D}+|112WW4PQP~n9u$7ptC;p5uW=PzvZ zBw+9>0Qu{1P>hU0$Di7$IaOg@l{=%VIL4^zS|KU5&uj=kW+!YodCh78IwlkVI6Urx zNNPY98{2I^YXI2Ng-QZz+-CV?GR(>v1{}FgtkYda^F6+mjM>uB`|W0uQ^lH~QLAcb zxQH#ixyy0wCNnTUtl)*FiAxwA^LE8R+ILqU9z|QF*)DQp)H))X47zF+vQhrUWhbal zUp!~_As^mTcn|e1s2Q~Tj+#&^QwE$nY*ClyV(>+F)88ewg6YhC_YdCo{(J*3?zJq` zKsYlo>9f+=N;MwYm}S#(pEJZ1mp01y6DO)5WI?8B#cOt1Ly}@#~x(rJBXHRc4L63N%Q~=O%<{eR6259od;ronB&0BM4QqI`lq<@z5_@ zFB_RNYUnk9ww2-v%6w!FtMZ_Y#lRG^$kr-c>4cxy+A1ykG5hYqx;Y|36CLaif6CkA zw;z%M*tTT8nMGwzRF=nlveEH--{!MNV7x+6(fDF6gx~IF$s&AYeAiF;+^FsIvQ1>n>)j9ajU8K`@hK>_N}cr;s2G<*E;+ME?zoMmwzloKmpLs^&Tdu;Om5B@)&2a zU?5VFg~6?$!Hth~N29I{fi!}-Od?&X!WmZ7l0V3LUW9?Qkt2MJ#7rlz{9S(ySMnRk zpz;z`4^_{UEu!4$%m`D7j>+ic!*5f81XY_d{DwJ-F7sc)Re23z$<8#3^Td67&K%Ko zh+kvGMLQ_$Cs*3rJC-(|7?yP^bM&r;p=Sb@e|emeMh2-duaKG;T zQfikRhYg>%=Y67n3W$k>Wg1}#r3OSpPXsxIxF@(Ahtok@zx0nZJ`hgNr4k-zLpx3gX7z{Qb=_}`2EKfV6Kx>Y4l7=(_FSW0HEE#>$nGG&M%G+g>wy*iDmYips zSmW64(?GkVc@WO}j7>+&x@>`92n!c(dGAwUr_+%3H=_9eCOIx_pNFUsSm1!tkO1%bG%5yEvr8p$i7)_a$ zH->@II=Z8i+qRiY*^O;5MU*;3Bkk8hsszaJKAvhebcHvjs4SWF#pqpSr`rTAu$7Iob8O=us zC&eY#48yB<*V}n1oL%$+bw1fhwTVsZh$1$08Gyi@k1G>k+>ZPO)$@riEE=~yq3z_P zzX=}CslJ7vhzhjkSRtDWJGF0Jax2qs$=pTMd@_|yN$e8 zowi*rR!79KNlL0qL)fVr$awVlObAA&(ZYN7AAN|(A|pFt7us)KtTp5?!R__!m!PqR zi+D*SRVBwFBDCQT+A~fADe6O4h`_wuxABN;LgQm4?H4&A`RXJZI>f(!u!K?t8tq$k ztbagHY?O~LN?rk4@jN-;i;axM8;psyb#2(ImfGLW^Yt@8V@vnWZ!57#vRODEoqe`P zTHU|A__y?7>j#TIt}^%Q9IK!PLa+&ctjQij1_iy{k^V(Ww*($mwAl;bIBc)Kp_Htb zTW$(*{)}rcsfNFMZ1$!}8Yz{sz6lB&2%qP)n<0-wEV(N0u#C-7l#1z`oO~-gy3?yFjjb>Mj zu~_LvZcWvgr+Z^PffRxs+qm7L5T~G0R*vCjmTWM?W#`SyfPZ!TZPfi;u@r&y+}Ls^ zbDi}8k3P8Nc5f0u@bo}`#n|5R@VGXyeo88+L3C6;)@=yZfaYepXW_-zg#W2uJ}>p$ zCpA!xTfburyvTaKi|;Dg<~8-Xbw&LbWK_hq!D-QdaFnL(%c|!Wq30O}`vE<}N4UZg zJs?*P4nyh9&YR$itt876-{!vk!`PUkz<;hjm2|a65+r}sp`eBBSeW-Uh*K%BbeaqL zXnEWimb)pCiSF$2!E%>EU)5Y6g0o-*NUB9ur6l^fLc%-GFQ;X*9I70T^oXrIQh;APa z*QbdUkp5jb@I-RuZH%k#OY?INRJWOj^}Euf{|K_@%~j6XPw$AIT9tZHsGM;66OBoX zyg2UAdlp*Cy725Xn{!2hkDEw$lWgjH6R%^Z5*x6ULo}ufX}Bq|DY9B(w?{Babw*dR zW#BBVvi_`rOdU-FA2sPUGKTn;bZgvKKhzy7$`nA-sKv((S&OXmfY66F-KL=10-o9LwOt3eV5<|-Oh=9qRy_<=4m-i!(GLo~Sq3Y^5n-nY^k zIcUlR%AXpG*VzkQg!S1Ya&PlB+N@V0agwygf;(sA)RimMe9)=2R!LukuPWU1?F>B{ zUrr71#|Vh8 zG6=7D0kmggIex%^UK>I66D1!}96^<8fr>4y*^Nc7u&d%-vW68lU4lG?6i^iy2B4Lw z4Ae!yi)ML)qiXaSFdsNIwe&@4EKn!R-AzFEk?iL;K5iImqI529cHH|n{+@*t+op3o+ll6d;lUPfs6l4!A+ z_-ZngvsRCG1jWc3K3$j{e$dUYiZRaWzj(*tCse4P;}yVRCY-ks&0R?>t;VIpt8_^{ z2z4LWHSHkwQ@k<5{9LKj{k76Mxi~-Z+FSS>FkL0$S(7@7(!FPBhD)|8w(<{tUa z3(z4to`BjqM)X2oc)v>}uUKuXMLuw?2YCaEri;Z|9hx?7R*+3pZ)|^tjGMs843tK+8SoUcuOFKIM+pg> z8u$MDd3kk`u1w8GzDOz&)R5ZFSn_MSLNKIthS4n4K!s*heXcxc&pnO{=_Ard1gk`< zSemkr9`!@yyV4)gsf%I7#xmhjni8|+N7~3lkkprB@j?&fl6HPSfHI=w+4d@9?Gc1SjD>qKPIx=<8Hq)U|!0)eNFF0<^nL;cr zk>K@;wF$A9fc!bc3|oLh_k#8FLdbDGi^4&e?8K~lVVAOd73QyO0|J@EnjiV)DIO6z z<1zLbcoKP4HggS0riyH2Z*ZiPpt{6NV|-EZbm$*7c-LII$q0^G8xbn-B#6nq**sqJ z7>U_%WjWGVVL1heYA(xO8dUOj$#Y_ib`93oDD!yXBGDu+$SVUqaPki=iulPEAK^3= zv6rg5Xl* zwekYbAEdz$N*}kf8uXadW_dS}! zxCAN(zVBwqPZq00zLdykWbT&_p^L1PZ7xPoGDqfiF}AGC`)pU2k8xewZ;ISNVO@Ky z&K$N7O{Yv18ffIok=d-k-@%RXE@xdK7kD-U=PU%B5Ba7?8>mSzKp&>0c z-A%c$eTTt!>{5u6zL&`GMKU0Tyn1M&KhJ?(|No!|$-Ia)t8@3>OsC8CPz}3}ImZRP z)oQ)xSFuyBUso|J8^}yUBA6OoZoAnI!qE&P_?rYdd0aWnWs#P)!73(hm`Q!5a&Yqm zOkNEfn*TJ{X8U7gLagbkCQP8u^XIQx2|DCj76cb8am>t?+2o^Z6D*~%eiI4$Vd#yU$H?Nmt0^akWXyUpewam|g8}o@jBGUp=5RiF zbPO@L#Pq%kCgkSq^0Hr@nZ^CDL40qXjk)e=jlqsCdb;a~6@PoT^$R()Ne+9R__Z=jD@*v^AED z3lpQK1Astu4UIw;8yp0fKMGS>e(_yi>N=K1g_cH4`8!-`ybgm&JvO9bf~a0#>VVUn znx@)EaVBIYGnYIkE>e^FCL0CQ`pImG@ttShBfjy?-U$e)$}j(IN^O?PK?ksx$dkxQ zAKNy+t=1dm~Y8snL|e z`c)>lrw5fBn3S_x;+m^C8LI=H^XK`wB)FH)iE`X(f8CfLN^brLSUlOTY zGSaewDMS9ilx>WJCi0UdGJYT2)Y6k$LR6vr*LJHytf~H)KafSbs$Gm9#2cG+nvxB z-lss}ZSd(k$1x0w?9U>HB>HwfAFYy8@=f77w459tYn@$E=~9m8IVz3vyC7F2OyUaS z296PWDX}idw*9R_ck9mkK_8AlCyr)U5}D!nyhY0#&bq4-J?y&*z_2^TDwQ0*+^>dS zOCbq;W;&}Nu1ImCdP%6i7a)Tt&G;wl8-Pse?+6+OFU#+>>~ov9R8b@<9iw6-(rPYj zdCIEbKLJ-{%^Pa$HQ3J-uED&k+#OW~v&wCQNeE^Bs^ByyCE$Vkf^OiDuwh8yYf;Q| zuWhiDdPH#KVWI02im2m%#H$g8M@E7_*e=*3`fAG<>T!{B6HaDPS8Nnk z|CXU<3jnDQwGqj_;e2b5GMJyjlmqCHeama7k}Wk}ES9LBFoK%TSkhY(8lhRTQGpaO zqCmR%m$itT@%^~J)d625F|Zu5B#;Z1wz*ZV=cCuXPcw7us%fnl)yrJXI0N6&$=e># zEAht_uC{y65jFndM-I-<)6Orq*^x%aiN66BL?F!J6j2X7AtD&Fc;K0zQCVS2hPC2J zBkCBEc*oK+{_e+|O9|2>aaz&nbh?QcdOBi53Tw09qXmld=qQ##>>Kj5wAR%kzrezp zCWNMAKQ&z(BS`h1)-BGYk`TY_bqsHftXP^NQf0YcqTk*85Yhu&$FEU67pCLC{#OgD zZvGT~{k&9c$QX6>8_olOKKN{TQGhcMzUHJHWedve6>SdxS_%F+N-~DgP_Fii1Q1^m znR2aHS;aZBWYl9{et))Dkw;6wnapEgZznvcp&_nK?o4B1>n_KytP}F&)!G;Ko` z=OoH&D`@9x07{-!?PRQg%6{9h#e%Q@KTfHF@qIRSeF5#2r*?8%?f)5Ex`oLeSLJdI z+v-8G)45r`y)}0o%mygb#?j3(`jSZsk8AIKY4Z!tjPK8b&!Cvdjpg)i`uQx(I8$^G zcJa{GS%~#%21wcF`aX&>2*HXALX4=0sJwyeDCDpTDpoT8h`MY*%Y3kR+;g>2up3uD zkKjV(c%89OorAz(aCMgTUOGgn?IXKPANxqHRHD?7?Skg)x@+5qi?~m-Oi_q%`>Lok zfqb(hDrbIqR+DfB#|(LH=dTEpg+8({0xrm2i&MD}=k0oBp_byb`DQ!J;3hXqc1M%k(7d^qmDAfhLs>nHOdWQg9(qA{{+!0M`C2@Xn*}>PKc5;@cD&?0i;s!ox8gL|7;BM5 z7CO*4UF^_IU7urVlG+q0xtccqgi&OL!Sr^9OEQOOHXL#A+@cW-u(6R^J{JcfhYC&N z4x?FR!0CkY^2VI&s{DzG)~4{ZS{B^jc=B0!kWskTVP?)aOev5qp@iwERYo5Y^VvM3 zB%)vl<{u>H@O~7EiNYH5 za|JQmUo68cp&#p^!%l~*e8aya<&r?>zJ1Jv3{NvQM=6^Jtk{CP7uZjS5YZN)8vqcv zA}uC0r{{6TZse3~lwm>jHg8HI?&pAq%sSsO!x$JM=y2E_1ZUmqQY6o4X+`9i$mr0J zf*2ci5=^}YM;Zk?`_{XRee(vr^4PoVuLS7*KX6jK+Rz3d0h$o*ROlZbYj&{zYE=NLe>AwBkA8?*7NG>Vgy>U2V7AD8suVCgH+cXJHeq5}eJ>lGRQlxhNTdgQ%0LLoC%x z?olCT6Jyni>0tl^>kCR@Qd^r^VRsmyRDMfIVYe=>^ix(<8`Ndpi0Hj59)dbRNl@F2)2Lf0Ep zaY6j^w`^koY<7Jy`{IPPf*%&-GhgnHh@XqRfnbz{V&o1`{7xBs0hVh1mR<$tM{l}L zPx%h|-&?W%q-;8Zb{8UeUr=!Q;Rl0P)DYxdmoFD=o{hCg3gKiX%>U8{kP}Y+GUERV zSJ=hucwXy#KpTp2#bD1L{iz|8dm^a2uZIs^tToA+zuORbI!1Ae(_{j?TL}TL5O1&I zS~~Tu01j!nuS|fB^hgXyd|&t9)L1oNAAplv(B(}TKuL1C>d zY0N&r*<8JvJL^-CPEc(b8(D0(qk$R24H{bmdRla8ZhSu;tn>cm-jPp2V}4v$Ms3a$ zHn`3H?pJ3LoxDkV++d3ZD05m?Erd_L+bDX_%%is0N&2VX(=N3mwD{5_t^@~)rXAn%CB z3dP^|D26F?^DmvSb#Rx7%91vpS6}|SkN&N^+lwYRoqQ|atN%^=rbeYv9a73xMbAdB8nu#G#4qfk#}U!DFZ&TfaWa^l#^C z`$ri|pgvA>ZLYsl^hT*d?^J!Tk@6 zAWczX0|K1raHM!esv_D*wM?4MrvZ1=?4Sg zlw)Ay^_!&F91_|jhJipGMFLASOS~zmDWK)ozG%w>X2gtdP6qHgz{fMdWQ55-U@E%$ zUB~MRl}w`-vb!ha7M91YstIS3X_ZW*)VrshHI09Qzw&297Yvx_>*@@EIt(x>k9gvp zNB-I(sb)82Mob->#V2MoxDJ?9&n0fNIeza<0^7HBZdkmt?mh^o3l!|T)k@&D5!!j~C zF5dQE-}kf@AEO-eh&WQ#w@AXNj_H-9@kvm{sy`=ZKt?3%A6XOuz}UA7OuUD%f4;g$ z$eUXew}jRF%D4-3IGpulR5{nN_LO1RD}E)+s3C5H+&zUs!=$$bXxostS*brCR)M^3 zhGNpYSXnYwcI)QffP9wbF)evyjO;oZ)j!h7&!`HWFm9l}Q7#UJiY~LK?O7b=q}`&~ zEhq)XoBfdrSX-fgsQnh}{#>WotdQhHta&Abife3a{Q85-A^bLkcf9C`QUi+ffiwftFpU}p^txOqm6fLp%AcUw4i8-3OF_;g|A#PF4ZdD$Wr9{OD{=`E*z9F2yOsD&Oees9MVYc_0AL=oWp;AZ}jnNS# z$1lP~eCy@)f}KD9dxLgJc#F;ftG&Q451UI3`e%HU+k9p3M?G%kXg8qgmq%31MCoKVBg;k-GcnNBjj{>X z$>g~0#QDHD^QB_gz>?{`uAcq{i4m33?1wk`yY1Q&QCEb54(<12E9$f)@8t38tj|D` z)nVqVph@LF{lpbYhVH@wweN5J3QsuX8=ST;HwZK_OWWXZ=mFNrA8`_7ysB;k5EElA zyj3T78`XQz34IJ65OW{l{ME3FsGBkq#*=z54 zEOOU9=BJMrYe>GbzD;W9wvYB{oXq!&4XM_#%KWqV{vucYF`DbN&`Sgp+`&D;fXyAN zzP)bfv3243r_Ns-XWHbkbnS0Yw!NlU_gWA&oVcq&oraIE0jDKU_U&DIPL4r1Cf$v_El8Hohs3K-T$i+Y1D4LokR!(Pqp40fjqCg+ zyeFd%I-7ROm>2{m^KAy11{51OukQcm4wGL^!)^lhl32Ut8OZb!^O~+F7oBr8n2~`e zw9&t=r`9TmH2^ssU5{Tkrjgd3_xx7v1Dp;k$C@#^{cq+b#iSIw1e@%y&ew)vXOuYE zor7+~9nYS=mus($tDEn=#;%zFsONTiK7nOIeZd zF!-D7A-ryGBrC~MMm!_kzP~+`q?*BXU%+uz|~ur}65wjf|S6rc*H7K`bCM=j!drzTH8N#2L-f z=*2yVw4P_rzk}J!H<_OtgtK!Pr(#&QcW%jS9?i9xeL9wcncY8S5CV9BVM+j2fy&jQ z1Y>Mef=!BTZg&1yj=oR>R%G6}#K!S~w6OHL1u-2>#wZLrILY0KRTfg*0ZRY)BQiMx z?ttr4I`9Src*b8L9)HQiIudXr@InF_k75nrwld};j^1vb6R~L5rJaE+w~m; zUL!g^Wdc1#J+~@32*#T%66JMpMMv&_j_x}%s&+r*H}XGMo+r3vJ(Fb-5!7zGFB7&4 zR9;EE<%iYBg!4`Dy-5_2{zovq7DK#!{WvB^S)nHYE-(L{>$~>HbE7p0;k3OI1BZnB z$Ivl*JsZkLR^4Xr)Ok2-RxD>U)rB!-WT-%+T5v79z5{`X8&p(dpJve zTqT{xQBB<5O;^0A=jK<)8TunPG7_Nh9;^hW>k15cgY*9 z;WZj)>?mioj623&c%O~>O|&23Qb1+n84!@X0A9B{BEnT;t$evtF48~6m^g5{3`h0G zLGTIpyCe#R3!FtxPXVt*cMLo)%!mq^U6f+R^fic88eidX{X8Kz^yHYD)H?rbXy=&c zFy*ep#yPgK@ZHL_kyt$n-QgkH-!`xuU2`6O7Z;`n2g+mgG`IW~x$y51ggq~GY9LB* zXDQiM<2TLpm)KxzKen-N;!H8qmbTGHEYgYnO6cIf%F|@I^?w8`xo@f%U96btm_+2haZVGXh42NOc{UOSz# zjhp3l)ArzUIM*p2U!CR1UY9-WQ`g=;@s}dbWycEv53!>HQe0FG9XLx`<}7}5>4aXK z#URos!?|ci>1NFu3qHeiD&>E@*ifHLbj2*U{3FTCw9NcePP>>)FYM%M*I;>nIQ4X8 zTe)pDxQKJY?}kXFwq`nR{r=&hEB?BcpzFSzh#nAI<_3HCDT9c3c81eFXs~}W=c0mm zh01mVengNR*?_L=YjE>zbs-x=6D9a?s@Cygo(0UI1lJ6Jg%h=|M_j4vsFqK>IgP(| z{}JUGg99uAVy(d4o(ih3+aAAyd8-1JX4rujN8v(7aQt{T7Oy7$rVX+O9k2R7=%HMTtJS1}sDo_g=bZ>Rq%z_+j`^ z^fxMTMVxqZ77{AK50a;1qcvnnJzJdsm0& zv!i%W*|F)&Mp47yb`I=k>32A{-qalcBUZ!ZZ)!0u+|6`Mp)Vh^K1yLzmBawsUw8k2 z7T5v!8a$4OD7t>w0m-ONZiYouF3y>Y6Cpz9hk@LQ-v)#nM)*;`>ZGbV1!>Df6riaQ z6uzsk?6Lf;qbu``8}Rwk?hz#SWUFG2t+<&v5*Emm2Or3@pBJkexS3S*V)-)V|e?=NPYe+ zd{rUf_Y=%ryvW}O{Hcw7UZbgM*^JQi2wm~)51pnU+Wo*IxczVKU9Q6uwg%*goGtwp zzC$p5f1u?~kr>iYcPeeD|9=1_LE63psQ?a!)~7Sk1^}C|cg~$72a8`?1n{4`Q_22h zf9_uN3jjX?;S+Rc|T@t^K)Zwy>Ny6Kv;_h6t?7@_#(KGFvRyvqrGi151M9%Q;a_U&QfcWnLd{1lK8iP`nd^9sXni&_--pL=HH@CR?jFqide`QC7=$JEm{e^|+ z?C$?h9T@oYnCPY3wqE_SRf>EDz?%nam!1H^pI{G_jELwm03Y9@K?WR9?3Iz;KW*tu z(s<$}7i`4+kG0Bi?C25h-z1ML4yzVYD?~{Gp*6BNMqT6p8Crvev9OJoT6nx|AMFvq zD9C6KY6utDhqgawIBCrgf}k{mNT4Vy$S6WACDJ6uI9G(CN0#+4 z=x5lreZ{QD4gwpe`y#tGCUCQ?HAG%wZjhm$C8V@MU7I6@AklcceVBs{BhO0^31nG} zEYlc`GysXRR3K3xOA};if~u+jju1x@NhFb5`9=53NEAg7k^rU5mUQML%^^xi8|`d;o103 z0M`;-{QAMVJ1%9=?}2g99`r-Z`ndpJvZF%%g@sK3AG!za15EE8-F)>fC6OB5e9b5N z>y|bV@Hy<6ru}AG|F}Ni_&1|Hs2gwqvBw?}qANufC4aOqH^B3r_C#1obZ7#YyktN2 z)ydnjCX{szrH$J=i6RIhn~@aO26nnC)2Z4ud6)gn#9+bD#9#qvVsAWT80`coFqjCn z(#UN>9e~lxdY+-@yYNll-E{97n#j9g`z3Fb_9AMU(F`j{LMVz7RaHYsiNT<6yuCAc z%)7P^)ASYBkLi;z9vhFfj3nmf=AgNrc?4KZk)+*Afm&&(TBEEgltlp&%?@_s5wtGxzQ-d+#nLf%|+uH@kc9oHA!-H_v(Jd7l@iVT3k}+ArNOj36hW zbmgOjQ3)lRA9x>?CXniOeh_&t?@zx+u~+2mQr=hPjb#)?FJGfD`7}1>XOBOUMz*&V zndq`++y+``VNf7EWO&8t{XN~+)*$F1@=F%Jm`ScW5Gumg?3fKDStfI%KRSepjcX)h zUjLHrAJ-u0A^Mjtyu-1JvzhsxCdb=oonF>HbL*PS(nZHG@f?7E55g+|ia;2-egKT` ziK4MhW@&Q-owk{q0PvM2r^v)~a%O4wXQ~kN=s>=~?_aX$Y9TQPz+24?M;{|Pu4Ymz zG4I!0*LWqHD>Re+mMAIZaIrV|#3&rBp&z|^Ej2O`t zssHF(i-jO~ zo)|t_cS^L zNF;1HjtwCwsL&b}IntVY?ewAvuFh-FvX_C$nCe~$zY3@X()hg;chQL-8yt_=^;SQZ zomV{1AwFK%ZXonifYPL2eNRPmU`V7=34G%-pR@^>oXU-U-wV#P@S()hDKF6#$T0>D ze*AG4KA#LAU-#e&AYe*E4H#c&W*iWFK{z(IwEN$UG+Xo3-D@o&jsdW|i9vU3pE`eP z@I&=%0ig8Deyc1j|QLIi|8mXJvC4k)HW z*I$Egltd+Pdx^`W1FFbULi&n~7Yjvro(di%;!ZCmW2ufP7?T6(N=Z;PHkUAX&gCzy zk%oGjQ1n%y9|GFik}yQ&sJJ?}NZO)3z@sVBz9=>!Zhuw6y( z^yth=`ekN#637>d@O_DdV+5mpudlNK40Yh@^NPyf7y(t$P#2!>!7@!)mI=c& z!JY@L-zF_72){>|P#KA6Vxeo|fPd-a$>5;)ob-EvzS@^Q3WYpUW*UZ}EEyG%jYsrL zLh=C1kn5H9A3OgNeikR*5v!MykXwcfy&pf}U>O+jK`0hI2$4s7I*C-$fzPhem)Gc5Lv2zBskDuB zIteKmp6i7q-L~y;Q(%}TY}V36q>5VsajVGfzD}@y&~Vv1ziS z{d54otUiktS{OW-_@?}l?iYvBhhXYvpkZ%l1`WCffD|~PNh$hjCoh{KbsE{8MYpCp z4_*pTXCv(-V;+D(yMugKK(mfWrGUB3v}L024P~=n`tGH^X`cxo(MUTY+Nt)$a4mxy zb{t}Xo<`e5lj6t0=xVqf(`HSN*}{55!z7(%&9X*W6Mise^avbw;C=vy6et$$9@wtL z29X&qeE2@YG*#r>u}!$18$~a*-D1=O0D=fDT!Nv9)H?wI3!~gs{;;$DH%JmK6kV9M z2h&m|?_Ia35+4ER^6_zr0+G=BfiTD#+P&x#A3#tk{!k!DVg-CDkTk4iXLm zn?j0>S^Ij#iC#S797CWFf*s8cHIJ?A(BqOUNmc##g9KejwRH3Me6+sv;71L0SKY!QD7>giyLtn-(?9%Nhr9CqALLgOoQOq1_*vg>=bE2_*Kag z0_|{#S$ZIaQFJ((V<6AbYZC_KNfl^vJs0^x5hMiCNeia%0r-JzhEZ-Xq7gZYMAbCI z`IRIlG9-DBknBkxp3lhTJuv%7rA$~RK;#FSoboZErvQpv_&%fHddPb| zEK4Gp6af1m9aAPiYVY?zAkIwir6SI5(T7{~APhnxX)y@{t}l_x7nEa+VTQV)gyX0r z(m>pAl7MBHu@nFuiB{_pTPKe0rFtY96-_oZ$L@GUTfKwYw?A|o2u)QeC13ufnRWyEA!7Uw zMh(UO?*oZ?(vfN)=I&wI@HBoc8JiBnxWftp`kQLU+>%UgglLGQ)7-hHWtr!1z4=7U z-+xbNvJ+AtP1ps61YL$okwa=X^d7-}gX7NG21Zj=5SXd8T0O;QR2WO6QO0{3D{y&_$Yj zUm~9`z;!)XmWfn46>SPi#1V0X+aVA|-^ZmjAt@v^4p@*XEJP^eUF7pFgrHzN_2@!W z9;^O1= z_g-$Qp`eBwY(5Mipmq{w6)@xW;TfM^Yk2GpwRl!D5KTRkYGFO2A-PNXUHfoG-&Ru-gzv|Qhj#8L7K^YA3nT(fc+piYND-xy2xJhojtMz}ErO052NCYL z)T3-JY8vVoO~!p+B`c;Z-BiyQTDM8y3`o3~I zaoXD8*fw%`7p|`oCOJmbPd)p8(DOp&|1&Q7*5`1*p1W5#*@z?u#hk#bHU_3?!nQ1= zQb}YoIkk=$sEMxxEydAExhxr;>m!#f!bmIWkSbE-qx%1|(VPHfO{qz^loGD%MoFZm z5uStNIAB)Ak))JL7Gszw%3?s&WpGzWB~KCzlF@ZjL)W&v)OLv4wMV^Kny?!#aOgfH zfpBA2VZ&6men2TX=d#}q{W%fg3nzUndDewLOQt$HP6lvg&B?dW!hZpL_uXE4YU9#a z06@a2OBe{$luHT&O(o@3LaInB3XKaiz@SOPHHQxnn%cOq;OB;8a0c#R@Ntc_84g)k z3oQ%<4Uu%)HqTC{(&*Y}cBF9$Q2rM;F4ZoHi^sI-nuy7S34;unrU}ckP%L_3BBoZn zmnSiXg?nOJX$C_T8sd;N$CEtEmBqSGDU}x7wrv&7PN^!SjL6?zw^oKPTDGI!4`&wR zVgt@!C%kGYP;f3z=*K8fPdElf#7o-+8@941Oy$tm;=tLvVf>g;*>_j1 zIg9A~S23U8oUwijEo>wp!sJ233kE;{PYu@`){I({P34-X_`U(kB-STro4JWp${w_< zPaK9JUKox!WR@;`8$h#;M8gWT9_ADVO%f!wl~Rr(qLB==6VT4g?Ifs56raZqWLzzL zP%&td-ac*qT*s5K8XXO9uRzOcdZGto=YXKYCkAjZ<;0y!$2aDKsH-IV3HjX zTn;t}F~S?hRAakjuP-8k;Hk+%Xgf2&A!l$<~ z@kCStDJ^-Sh*TV(M7y~u{Kl^)1ATo@cfb37%;~=g+Wt@{ zZOMHAK9q^)q*C@w09F{l3thf~5}S%(Q*pS^#Y5@M1;sW1!KOflVxWLHl8(Ly zPYMEZ#|-2>50uNHtu2LQ(uD56N~VAF{%;EK=&VzSP@Iw%;ob+hGH2=BrW8!Mb(!U?rXVFaOHFiGK8NeEx8zYmTJX=0Gz2QWO}N6}TD*_LU-GEFf1K|-hm3l6`p zRMMRh92X>!vQ8qUs9o5X{!A$%!lYABki=OifQVok0?A|oB^4;kUZqK!tjCK5(3VaH(j6$NMok_!Q0@}{q-4cde^2lwBb&{__a%}E z8;)bC>l5#<+TRo!xOdQ-5Z`0uvN?bmiG-37N$ExICk#XtKcg8+?G{rgqF8ic+ZLRJ z12EvaZkQ~pz_2VUs8;I3Gz^tQ8qP~s_za$;=!&9MDx(fuPg(Q$(DkOmy-~UzRhF-e zuva@)llY`#xxcy8f?j=Byo8!VWcP_ln;Ata@mX~%@h`pyj;?b8pQ zlJ1;$6ASS)h`)%CptsOMV;B@kmlB^PB0BM-^H5q&T>`{9D2#}9qr`qOP!5#RoIrLW zrG)Q!a9x$3!OTkLKv0C56ba{GT>Z7=`}pUv&p7r~f2O}Dfs#I@R4y}xLJ@^R5zIg$ zaC#XKxqNYk^A$bIFr~ zvTMKqR1k%0McWfMr=R@*lr$ z@q3EHh;*S)fbaP#q8=oR777KGEGksg-7r+7Tt}r%(?pb%%b}&AFobe{EV*xLt!3;U zDksO(!CJ;>bgU5W*+W=V~6@LJJ!)Xq&kS0M`1RN7Ep*T$o~D z(VYDsF>O?JA!zPgGd;EId@03$Ky)-(Ve=M-h`MqY+Wt^yMA|%cm#I5q%ZZzmg-%sy zJaYS^=#~s3rCe3a8<9#?`Lh7WabTKe_>w`$m!WjrN>>eNfpAEAh;ZkFk73QazK}y{ zjda4c@sR`f3S}7u*TX|kEXKbd{SV$=u@djCS_8+nFls~xW_E6m1847oS<@%Ou`L*e zfn+j?OeRx8*5meuq%;(fq=A5Sy?wa*!N>9R(q(x0wKvh1$$|ik8aV>v#*W0U)23jr zU1nh7__1MOBm_<_Ac9-;(BGfIlS^K}^0(eWE?y#Ei!lFU1dj{u{jf+8Y3Xgk$6MPdXZ=VIrAy(9w~`x^?~VeHlnt zB5E2*H-O&$4DNsYX?p0X#dvq+YOGne4%vJGqdM9!X5>ihJav2Qz3X)By3=Ghj*Vo} zMkbRBh%?nBt*R=mhio>7w^pvgy$?Nw|14dGcUP{)>b1Sd6^a_Skcm zY1ngSCoI$Cg25y`zvNm8om+q^w`2ME(L|yK;f^PQzT&qKr;F#@|jH;^v~B%A~a{n@}KF&53$M5&}N;J4TP6FtiY+7l)n8;2b@2P`H2 zdFKQ8-``%3HEa7Sp6dgTKZDD!xfxyi?1o>Q|5c0`I~s|E6Zoj>|1t=nGe|fGWvTf3 zTkqnEYyOJc?s@>8?^PH<;nv&l0{|Sb*KRoT)Dy7H7Mq1@!cs|NT-U>IZ@d+^-t}PB ze&YDct#_3Cyy^I{_{afspc7rez|+qz!x?8^STeVKp@?7o@vm65b{#G}>kJqs!Lc2* zwWZM8n*p;#@Yo^5ij}MI%Rk(Rzc0E6o?rdH((d~n1_10jZAX0TbDzXP`|Jj0m5{6L zB})U-k(D_!!>|AR4?MMWSdIXV!}!98_BK9X_HGzZ z?h^un3<$>HUSY41?t+;BVL*aVD7x^a1c>0+Hf+O$0BJ=@;Kd&wUwuzC?DTSlB667m z&iV2G;k?VPs!Gr`m>CQI{U{DQ<6Bt0dYvlxlT0AAMPa>crLP-qy8}mm<{P->_Iqm* z^f>N%@G%_yxwCQOZFi_bLL3ak1YZKaKeWG3`mdq@Ljd^G-xgGz+YPtfiPdZSf`UXI zY{x<>X`@8C!N9F|-H-Vve+7U2*PS&9dK^zIc^=1q`8=F^>HmW;1d@q(zp5@N1?$Kx zuxf2DK7G!Q@rCm)t4q-1cyalgIP-sghSR?FL*()~=weh-N{|o`WI|WFt(Q2etSAkX zUgru&2GvvbtKzXbbH52!mx1$Q?7iy@j2_vM1>v(p?68FvHb{_ZwJb(IKp>#dR6_x0 zn5Q!Apjopl-!T3OLW`icFzl#F(i77U-Ols8y^c6&AF?e2@o=_s5mZb&o|qT1@0k8M zUX4_7Py)k%gaOG0d@|v~K*5u61DS$h2spL?;DQVZ79M$S=3S16n0&5D@s&-~WZPfBXyN3dM%! z!pykhn!n*o=Us+G!bHLrAoi4`J9tt;46IzW7RP<*JGk$$|1@#N3U@vDIL>(F zo%5S2o8CeT8#3%%F}J?w(8BP6BsFzCnb)&R&mfS@jmUYYbpQY$07*naRQVAYvxlLp zet;ii;%k`sVgTPKqI1e$0RB1*W3{l6pr+hKNdI&IbWGQNC?Un#Z<{#Keg~rG7(rnO z<)FfmK3rS*#U(NfK*%7GGe``yEfa#2-Cn^h!q);{Qe#GD-w;f@a2<_f$Qhsc`~5Q zD&h1?-@gQ}y|rRUV*tQoi=V^Ke}5ys_4$(^SwgUc5CkE#O=9iDQSDr#NH`&uJP_T` zpn#am;9ev|J~{*Uzx6!Q;}VxjTJ`vQM|aH?S6q9uWa3W)cydsS(n1Rx37Re<)WQY{ zX>hhqk>`papea|F{}$S(A3TL1zS?vL1fLn#3&tNaV#K|?DVZGUZ`8Hg==nJh##JP25ifMWm#~G+7X7a{PnkR(dB=r z+ea#ufMu9i*VkY57-q(IFS`N@e)qprR+3cC@;tOvvT(Fo=*$ILH-xarPy@s!PyQ z36=O;ttzU-NJm(V({ z3f)$?Q7dWBD_Jv^f1S9=SWKThssEYhmVJ!o&OMXwzI$*Qs}@?=2*8g&?xv@9WzdA* zIRkeK(8~8=T7w1=zqvlg-_XD=-mX-1dJx#4Z8(|5`Dn0mdkj5->G-~$h0R3~Tli3* z>dlp!Hh*_w-lA)tJwY&Hf$|_~&QY2BxV~4>b^#G1==j49!YRiefh{JC2LP;Evlf3_bT6*> zS^Q-@YLNVH~@3vDXF8S7%0U}6dkgpO5^7$f6!^CfI{3lkfuI?;z>>&r@ z^b?N6)|*WPGh@Zd)wue`Tk(g#-Byv9^6*mWFNHNTpKv;>pLN`|byD@;5K4sE;qY9`1VJ37mA)A&^qSG7Ole1Y8+x#}N?@nzIK03iz;2jHB4A^k)iw*2)wLp8f|` z($Ucz`x>YR2nhYLwZFAxSuhQ~1s|9+8hu|K9c^h`|MUOBr;a)lV@8YsF<_e}w%&Xq zzIxgT_~cQCR&D#-%daAn$*QWBmI=pk01#e&?M>YCNOhILH_!Ma&i~38*mC^%Pz5w* z#0Z>z+!6T2_rFoq_x$=>7L{7@K_!v8t_R7rBmep-M>Q}rPC524-23M%@%u~8!!OVO z1{VD8XZXXV7hv?r5h1~3R?-vC^|5NrTKw+D+p6~YnU5cZ3%~w3Y`vK-C`TASb_~At z`IB+>=RQ@n-NJhxhVM%xk`|K51Pa9h7C--D)#J}U^Hg-Sr9njSJP-N2DmvA*-)tP+ zwQtpS4+T;uR8NYkfkKM5ALi){3)mNj18ByD zsNf6ZxE4WgVKAsj(us&1%RF)Vj+3z2_;HBH2r!VKP=!|zU|0XZAc6>9CAp;mF&9h_ z!ST$hoO{77f(bA|XtNVABmh5NbyFwR39d)dzk1qn*n0Dcs*O&kz|02kM#CXKKwxw6|f;ou}cTIeSF*kI-8yR%1(o4}nGZKZ!MK zdn=B)=_X_G#gj^Liotp+ zrFbDJ$i-iZ|M6!hIxp3HlB}}DH&l~Wi7bT5G>h`*S zjz^8`2%Kfgr8x={CyonB%U32uYkT`qC=_Aa77P+dB@?*!k?QUvCw}x0u%N0DR0gpB z>|Joj1CLhx{HdicV5`kH1)%H`2W9gT<^@!jN0eTtDsl_`KB@J1eDSkYhn&CvUU2NP zKmzFvgVIhPFnbo3z4BVc_HV9u597v;L^7Gc#0lf@qi=o=p63HpY3~>nBLV|HGl~Td zmL%if$(Q&fMu|S;QYkm1p6LF8} z+P~weCC?$9A9VnL?jd#7LJJ!bqGXZPVuO2jHIJolpxy0TZ4kMpwh_nD+&6 z-B8DGpVoDN1TJZ8Y+9S`S$I(8&oI5Ii7?&VRJ#^Fl&GvpH~6Cj!ohQPL+D%)R$h!W z>Cj1Uu@dX*?SPB~kz*ZggeLU*F~9CDu2~O`Efk7y97Vzm!+_&B@Cpo{B}!UX&e1D@ zwtpn8lh<{_6HG^Mw|g5>RB>!bbeJ(o}^gIZA5?eR22<80PHe#$4U)j`fXtU zJ$8*1f(qUz0uhi*B#_S+U>GJG$3!}vKwp0bvQ9p)l*)0%^*m%Ve$5-eXQ`5peHo-w z1lET2q>);m6;)R%-Pgozi%0~zE$rt)~11zI8FRwn@3}HWL@7;0UPp^`a zaTHo4y@d}Dgs>iB_L|W#LrVEov`G2}1(N(w<5v;@@DU;+9%4kpXG|kt*M=GqSNso< zh$z)LZ&EY!kZd&XFWkb14i!ndZ5l^zyZNTd?IV1$ugL~V$p@nEyLZN`9X@LRQwvGNmE+R#7vOmaQd~FrUI_Whwg?c6Gr7w}qW?{Cs z*CgncY2xRX?xZeL$CCUo$&*z|79dPb&!wDH*w39>Pe#b}S@32f3UV&iRFxU&XzT{s&86dj2l=uxmKCBfjJ zAXoSlDcG2(`#)CFE07IpSNKx$go*Gx|==zZ>A)uR~iGX&6_U&?wy!Zq&7+rA5+ zQEA@h$;tEg1n|&M#wTE(hTAYIy9DhtF9ol;LQDC+HSadlu7wXL29WgBj6*jk&);Fr ztQm;2kcb?_m5^)kh(3(djUcofC&;0bT?`a>uoD5UTU2(8mJQ3Y;MflGo*O0c zl`CJWAPR`a#*d9%m*X=-1|IH3$EitNUC+afx7|^%$C~Kv&Bo@YNnP!Lk`Pf~cQDb4 zTBJWt5^LEhjvYHX=qpYvNkx%CHOZzrQY9oy=_8ZLz%<*CN+sZVdEC749{k@mf5l6$ zzES^V>OcrmL|rN}EQF{-(skfmCxvp=`#-v`b-qKefed~(O7GFK1knnFyzZJ+_`GZ1 zJ=>pqY5B)7;ip(I)8?HuZt{^$Zw?5!w#kO`($l*RYj#}Uuz!RmJogFo zaHaR{=I=?cK}}aDO?S?p$iO+xwr^qM!+>9K!!Qm_r;@z$)JagmMokW7+1KdB+FLPn zqf^ogrr6QJ_YedKf`lsAuHTnn_)L%xkTAe7z)~RZdMHXCLJ%C&gkuR1c_86K!i5wb zSkx~{#H7Xrk(!78SrFH=wI&u|Ux3+!>k@J`i0g15zMd@9`tksYQ7H^lAeD3g4iX-N z%TrH#J+P2YV4+DW7ob*TR|rO1y8}Zo1aYvb&~}6+0`5v9Ly`|B2?oQLjFqeVaL6fN z$9<0upJb02@BO+4Jx-UpI?0!7kyl{ z_ohtR8tv&+mO%6CEJq71Y*ffBUHCQ_e{Q-1#`J<~KioEL-prxQqixzpCZwm%zl8~x zp!AR1%)IU2MAMFI#)?mYWK)Hg2xxDc`r!Uek6Yf~tRqtCsq=ovOizOGc>q(Oh^+u) z903Oq(`8vB|4MpV*Wt~Kk#Nl$05lclVu|b0o%45Tv|W1Iyf1=qMl(bDhJSCR4_3dp zM?Zk(h=A{ZxtV4orp+G>!fgPLZED;WHcFI`becQYB%*`&-+d-IjuUfc(MfP|f}*K) zRDqMhkdOgECv6=aMY}0RbK=SY5fFINgkIIkWmXkP3xz@`4M-#sk*>E?OH&o$SOmym zPBNMc4Wjl8099;>St8*y|Mz&X7)S-{oFx+y2^)@M1tbvwv`)QZ189O-X#{45X_!bR ztIO`zuFF6Of%f(`wV{hATGoY@hNzd6z$I7y3D3XuYSk8<+i#0=K6f&%{NcB8(-jxv z&TB8no!9;f|NFhK)f}l%R9bW)1Ps$un~yqj7s)jY0_H5&%tC)FsA_%=A!tTGtOccAVP~ z!AW<{pO~IH@B7T&GJub$a@avhUibTEZ68_kd(E^10Li#)}42uPPF{w>9qeRK~R;|Mg3#u2*{K84c;>=S{D2wbXGW^bat7{E`Vxa&* zfMZ#KOHN&H7idx~3;=#W!b#t1<>w^9>_Z3vVg|)+LWBE`NUw>g@bn^*y=do}xPN+J zY%t*erTEVW&YsowuX`RunykG5EUJ5YEwr$apl`{7rRk~jt_0{yL+B;}#&>*b)`%b`#$umm6@(|7pFVt{|=B3gJ}hs!e#h2u^7w17QXM@n}7C>7ix8qPT3bTcuoW35)=QX zed_!t8ZB$jzIzdw=BEK98fh0`B!J(hrp)_%+tm4gCgCsWcapE_Ye>`Pwk3RPS0Wse zB03$!W11KP06@U+>KyS1z*Cy(n~5$?ch29^GR^O;edg9R)sAbMa`1FE#F+q{f}tl0 zr-s`Sk`jj20KLMoL&x-AJJMqhtX>A3afu0hlzw;ka2`yZ|9Q@`u9 z9dYI<$CbFD=(VZ0Fa&~O7%1cmFoc@`x*$#8sTQklD~lSUb( zYsml))Ss8%7y7f3`KzC)d~>3UEa|qhcIph~jlIz#=`DP~V3IiBV?G8z1xu-hkRqm& z7&yrQBb6&4J+&(fr7<1}8#L%gt7RbI8>!CuZ)TS+{8=OIaxd)rcB=Ei)c{7Gon4sleXGCA~Uf{i#mZ)C)TMy1O(E~794&D z?L-}<;6=96fpR9SHX6_%{j)wslO4$tQcC0tdHB)?L)kIfK@lAlsI2`*RnLP0&vE?{ zu`wILgt23=#f0ia{pRkwO2;oJUWlK+`Y)mU{G*>a`o6}Tq?E|za`2@O+qRHOCBV`{ zxr8Ow0ws$<5?tZfou^K&I_6_fKMS|$BA?GgN=7Q3;6&0XA<@^}(v3ZiIu&~yb;^L( zQ%he6&-}&ZuU8%Ckp1>R!l@*?37-Jeyn=~D0zwEB3We~AgAnz!`V;F4|wL=`LjTy%?_);eRBNP9Th<*m(GXzxs&$l@=e4ScY z|0p5pLWq5Ko6$+aAlL@Mu>_P9(1R}4QcBcgWL(j6B31>AH1QSy42nnGIgsqCXgNzJ zRJ29Zk%vbR14W`0Yz6L)1LzY zNT(d65*7^jDBn5>sOYfgQ4sw#09L*?;fe+0?mDeP!J+^Q?tKvb`2uqJ0&=+m7=qf{ zY}mFII}z@G{Au*|XDYtNjv5L5Tw!Gm-*_kKAeA;@nGysUJk{|5C`nJT=v7@F2E#A~ z^yZ;ZC_u&v3RQ0@5gio1<_>XOoc?sla&i$ z)Br#JkF1n@8itT-@V)qD_2xEto;M~G`K}gaQ)8Cs;g)H@FbFC!PDNg$Qt9zm^d9M?xsvZyJDpG}NhNMdaP)nk)7D>E6Q6+aNXaO= zZWujuY)6%(4@i5hfFvtwr?k?*fbr`+-3%RQ!nrYyoxguoqL<0#ar!ww#PT=Zf+lEj zA91Zoe`Cc;eExeEW5L}I;&R0u^UzP?u+zVeKmYR%RNDs3-er1;bSI9LtJmU^EB^>) zAYUjVpLbyx21azWLm0q44?m8(AAY=I+tDLCu=#{>;m?j;{cp#;5B~>-A<)*Aj=8R= z8E5ka{N$=@s^ly8-w%m;ElBA@N*@5LH7vQmOYi^qdsOl}68$cOzXw78 zVNtJenstg8mB^GTAGg=6okjpir&c&S)jYWtTG&XDS+eK{0AIPj=TQv|KD&SMqQ>QB zgukL$w~!%%)Ki4!+q2P>?mPGFqI(%QYbayC4|vTKbn;-Un>q#mG7zd)H{6iGFdVsd ztMxsN78*lH(oOK*0I>7a9l~gxZQCV9UldW-GKsRUi2WRwQiSdo`u%_ui-@eoxOilf zUY?xFjAF3}*LB19wB)63I6U5O+*_SubEpB1zX)InOqsL|4wzlt4eGVGR^XV=eg_v{ zaW($4^ab>1bMSm0@2*;dhn{!_KltTu@X^!H!oyE41^~RbdM!SG?nPMJ*B73@np=?c zN`#Re)$M6-xa|&HdrLQ#E?bVC=U>Ksk3WNg=Odj?gMt{QN3h@u!;xE*lX{!^DY4R(JNh?jMWrxpObU!%y~L)tYta&*bpp^4Iax z-~R<)yx=EQqr)HBfA5l~1Y1lTUv-Q-?tctF`qed%%t)mY03>|h$G;za8b^Kh8|Yb9 z{i$iLP(&eL2=w|&CRHdD;KlBvO3<59Kt|3rRqy}UJ+I6}2mW4!M161=kX#y%##eBH zAtLNDW&1$=)ldRh3oUF^$S&Rci>RB_w;n+FVRp%)pElDpySV#xfSdCWA0n7}NRkaU z8h>)2k?raJB@r6Z@V}2(O~gm8Te7f*6G2&nmu_E2pwsdG$gqYTrh#qN_Z(Vi4B=yO zX6#CWFlEwKii`%88BNoK>!~MFkvxQg;A{~6Q<;gubAD2+OKR;#@G&qEQu|Uf z5a!zvG#O#Va}2=uedKaE*tV^r>5hX!p#azO>&iiNfANZ@97LDvDIbE<2>OW5|7)k6 zh{v9Ju4+}zT%m}oZ@vvz-#oa=)UUk$7QXboOYoaZ&O^en!ue@VHfftJaK{6WR&1Ni z7jWUPeqZw5!+-xZcHCx5B$8^~esjYu=yFjimqEVZDv47v5k}MXJzWjjjRl5EJQYH~kF+cRqWhm?_rI3Lu$0k_ z1O0iaCOw`ATQ7mMyj{sWnc>`jFZQ|Y$8f0K&qL0tyD%-Zu#tlKd`U#7r#k1o4&eOt zJs+sw?6doqbYD7@P7H%C@qK&(&FaIO1cR0iL5%M@Szb1j@%xu_e=Rk2o=>2!52c?W zVhxxM?(gYtxJXC;l7$P~I=jvZJoNut$fAivP?ng5ma)J_g)mHR2(inSn~sNN7?6Hc z04*L(r&z*VsPm4Skn7Jl(CxWGq3lEa1q2^&tSbu8U%^sC>Ll z6NyBkZh$hv3eZ2 zoT}EEN;|M^3(vp&YSm*4#Uhr!9#zkd6UJ03iHpDe6`02GNS(j->5pU6O-k*Gr|+;G zX75s48o7GSIz0HqVm$iv(m@e)K%K|xwS6cC39bN;PS^k2#xn554@~_98DWkDg5QJi z{tpW{#qWPH;QlY4SFN8bK}mf|Ei=U%uVc)oKY`Rg{)RRG?`llkY{FV%8j8lWg%&n= zFf(U*x-S6ZD1e$O1~g1q0p`Q{dw0+@ZU6uv07*naRE9>-0igGp?&pa9`B1+Q?Vx{Y_fJ6dU%7Tn{PjQ{)lB34 zhIu+Iyw8ZVEJV|G*m?_io)6cP;2>gWTXsl7%S)bDE0rFS7%C?M0gB=I!zWH6O`teWU zkJ|*DleQHArqHZeL%UEdw6GB%v$Xr~@Z}5u)gQyXf4GT+KO?hr(SqUXFw?W>Vi0~i zT>T9Oxo7{i9B67x$>3olrkSPPmov-#06aTfebxbk@Y}43J$j$%er~9pWtJ@bA0j># zK;^&`ox8!lYP>G%TYos3sKmy9s!+>N1J`+4o!u5OzK`;a% z;nd+HL|_P&K*|)R@JXFWI*5f*0aGfOTTpKm2hG_X*Ztx`?6B>YgXn1>OvAvbA3Ges zzW7`u)5%i3K1x^i!mob;9c_biQj#o?%X{!$3Ck4t=)8TZ9y?{yHrQ&@NEaS2RjY{ToZgk^$Mz&?*oX>s==Y8ojfya#QHNw`LO~h|5Iu{ei4L%RaGEH23_7^dE zyXsQA#}+>iz=SUexx9;f!G&p6e=4As-Gh`xuyjG>Ly!#a*@5@IQo6{p&uU|^#R+vC zfw;`2L?Sb8M7?8loNu%~+$L#bv$1X4Z0t0RZQHi(G`1SswlVRfvF&;1ch3K;_e1g} zv(`L$_I+<%*SQ-7=D3+k`7=P<=jhy0BLsA0~4ss8O zY~h1`ST8g0()bN~NBI}z8hJ)$qd@e`mp##UY}c7z==#t_PHFy_D97hEice&NyzwQi zLOCU}E{#80roWg_<;GJf0j(A0hmhi34U^qi&M`+DSsf68G=DDF1_kw>ZGa=3Qe7%1aL z6=y$A1D*z97z;VFn^mdox?i!MZ)rx24c7M+v>YT=t&O=G@$niD2aX`g6e~ zb@T|>z0%YTizgDSD+R)TITtjB`+Vt?b(|u3Gv3*%lnwlBINml`6aiB}pG)4<<5&Np zsdxQ+xyK6&VE&^MwN~c7o8d)k3uhIed{shE}u-5s-Csa73V*p>`t!U5u@W~#Y7xqkAmt50*;(|?r8&m)wp3J(I{ z5^YkN455;?{&J?iQm80wfB#x)YGC4xhYx^2-P?&5hy|zN!hFL}gAY#tSS$_QE-43woj@jsF~W`SZYyQf&38ofcSZOqM*omlvKtpembgI9$1`)!l+D z9uoHmCa#`9$pQTMrZy@X#VLW&aJ>I$Rq)M5_K)<21{DQ^)AhX3yL~_E<w1lCwx~`h7(D0|$J03-VwzP@T=d>?f++g_ z%FO1YUueEA>v1qXtkvMep;7xQT8=Y3k-*Z1(+?f|^?2v4ZwN6vCJ0F~&^@!qXOn%d zB@@c!4pujljb^$`gdXpf{2!aFU5!qdx1kV{@#lS<*@}H4-dAy3W^#c*tueD`5AWg5 zW6!;1Vw#MfmsEo&YsQD{Fy)AuD8l}n(cu3AJ}5x60A}aTV4ahGGQ>19qvK=6LD!U~ z0zFk%KkNm?k-9w=Cdwa`e>PZut3x0}P_L#0nZ|TY-{a#e_v||~8PluaCIMy9Q})q- zy?rV*eU6yz5RO4lh zeLX{K5W;AG)WtU;=Xw!#S7W*VAVB{Ir;N)<1vOy9cteyEk*IiN_dR_zA{l$u1SJ8s zJ%x^b!B)%!KS9kmK;c8onWQY2RRp-h`ox>O^BiTtd#neE4*Qkiv;M~EvM;(b9Pb9- zG|eSGMgiMxR4A5``A>>>=)bady}k2p3~Jw5!0bg`O)C5|)u)etv}mH34h_lQB})JX zKPdUr#<1YW?vEc(ooJ9cM_V<5BVch0CXL?=+w;b7o6uFHVMaX=F0l!J03B2#-7h@I!%S9l|wViPcL3L*&R zr7K#FvMfj4$RAR6CH!H7S(@1fAo&}NOeBmS?0OO=jg!*@Bzu&E8PmbLal!Ls%m^Mm zKXo2I0u>8FNx+koAr_j^#iwH-@Z+^ojD)XI4MNH2~E509qYt9|g4F3wY7$Vtw zO44($=Q7rHpU+2dI8%0|niqv9LYv!cH`~u0It=K=M3pBGL^31qBbO!~q+f-@vi8B5 zyq#tAu&viy2g%1|`-%ffRHe)`A42BwEiac}FrCYY1SGWR3rdntXu& zT8-W3uw22oK@GqkgbjrQZgL$vIlk*0r=DynaElZH-5K=O6@{)>~MfsU1l46bP^t`+qBnW{nv?YaAuLg0s8G`G5 z+bR#gdL$z971zCQT&wF(VGfb<|C>(x0RhVw825;=@<@w@YniLufLqq%^be~0KI-%- zxDHA^H}$Irp?DxMLZ71zIPIJVWQSuXOn${9CFF+otu^3~LLtj%5{4m8l_N>4-+M!Q z@gZreHN7yt#r@u=g2^)hPn`ObI8%-|d7LzT@~e0~J-l+L%8xbXEG2aXVB^Xvdmet} zPF>vdVL3hpUU3|%*2^M@j;FRu_npwd%!buY&F723e_dV?C3 z-}hNbiUtzm&Fp%k97U(M{|&SCx*(kNBy7!XQGP_^?@yoPFFr)nUTCG$%s61AP-YZ7 zsqv)|p>XFXkbxLtUn$ohjV!4XYJQz~p{5HgQIW+KJts~uN9y{$-&~S1eKf)iT@-Bt zO$OuE(_`qX2ssB=`7sT|g7hEaOm;%gmC@8BatboxNCuPVhPWxKNDi2u(EyRLPQe%- zR9hK5Sb%7ML&9XIK@05!#lG)Z(@)Wugy92`tm+YQam+DRsiRRelz^kJ-I@3ZlVPdE z#r&eBJJ1b3tSW%xiSrz^TZG51aI-?3il{omuGUbB%;ZWAy3apggMKhD3N`u~DUKEg6vm#1_#!5qVOEa{Pq@kqL%zgs|9qE!z0G%3z7u~f z16wJYTgIzNLm~Z|vEGOiT_zWd*Z6=x1_bJz;M?gu{LYyr|FP*%afzjEQ4k9LWjGip z(`fd~(*Ha}el$Khi7S(Yy#GN*+Hw%)zAnv@RFOsAZj8Y6M>~P=k3s)TQYXDv8pP*c zL_o4Ad=;I~{(v*j^A19u(r;j*y8^_p&iCR8@$ax14KJq&?x~p*Xd1(NO|*_R&+C$R zDt}RD@4zw&3H5SoNZ|Rt*g^pOY&uKY?-e4%^VK_F`rn_tl=iL7+VJ{D>vVO)TXO6S zwdH5X3cqVYQv#6hAI#_H6UD*I;;XMOIaP7-wqX-oXpr9s=O11`=eh1(rs|%by;mFm zavEpb-NSyESp+YkmMN3Ue>Lo*VUIPEk72-xjf^Bodq=~J#Fed9Mu1x}5DON?z=_fl zftAkvTFgbGYR}_()xEt#)S2UJml@ReWqtO@`6y>=#cNgD`_gx{GwOPKbwlmrfeZRtna$Z3g^-JWk&mKpib%EHMbvt;=TRrAksD9*IWrGllwwyuaqr zZB18wnvw5f?MZjh!UHEv+)|VPCNEt{pY^8{S~nfHO41z6tKo`Y6Vuz$x%Qr(OwpDn zH?uKHvEq10xw{ji<9;D^l0w;_^^P;|k^f1Nnzee5|NK9f!Hjf9Axhu!t7lUM7Z&dP z^h~TAar@*mO+8vIQ!`WFqaazH{RBvlnOeSoRbPLx)wZ2#$9eXP#B>sh zDFgs{*-u?1CADR;CEE5Yt)DOBnTqsk{*HF(J_ESAy%tEt8v%P$_CEQuKG#Ig=j%Ir zb^4&6f}q$d$HVZ?3Y@Xo3nGUM@V1-hGEK+*2C4ejIPdnmo;RL<&&C$52qHC-;GIj_ z6bL{Qe%ACJ>4HB(gc8uM9mF?kzIbK#8O%{XtXs;VzxG_QvSTm{=J76TsM_At1eeag zQb(OMb$Xm2wLf^pHZ+*^K#;t2OqpoG$C0^o3gDMXHmiu#poNia*~M#j$XeornRH&` z8iTLIkjhTij*rzPr`@Z|%Ri;6{`{Vl+$wb>KuZ}_zpqKma^e42 zieJVdSL;#5;HaJN@q}2k!-NUEOR+L9ePV&nP+A0sr9Y@STu!w5Bea^ zL~@Gy=V#)Aj?-fZ()T|#7s)Gp-HgW5lnv_qqaw>Fp}KaxZ-V=4PLmhz&btFIQ#)ro zO`QT7ALmv<+UoJX{RR6SVR#xl{a07*@y7AoA?s}B*ONP+aSdkC?R+!)lRLcmqbs%t z%T!FjZRpQF4z6lL(6_r^^;d-SUYB|ZtB`)~cNa@^n07rE3UU0;UnECHxX%DWCW~u0 z-qYEm`ShNQofm(}G{M?GQXk`=O?;@+ZsAP+M^ZU&nQRUO=}*3|^ctW~#=O>9LY>!W z>*G)X4Z^zt{vey7e+j`@!IWxw(Y0N0JI*|p5n`UZ$nm#h#%F8Xyd#cM_!F4DJz*ME z(-S3Ndq48=+-(vmRcUC|U*++;&mI{Vx9z3zwVyn>J5TLFH(U{R-b`BCiL14pJbH7V z_l2G}zuA3QbUlW*5g90QzKm094o51w)n>$G$!HlBV2@-dq!X7bRd|IID0XgTvbW=@ zeV^E-BY3W*whGM~VIKt`ATC#^@mJT(TQxUiDe1o^kA5~LIjsW6jEsjf2%EDMo3)3v zvln%&nrTS|l`&8yuvT3ojH6kSu0JwqnT+uqmXwv&dFLZ*`twrRNtWBZzpe@yeoLqR z-_wxC+7>Y-Cc~MaoJ6ib{;$lsQVkX8Sqn#+ceQx&5Misc+pi!^vXr8poBwn8s;RGx zkr{;*i8C!mFefe9uT@4MX*+w-T;+&43K$X`M~dUKS|lH?ukTFO+xsM<*Ktn$xii`` z_M-oaQ|5mw^y{V&`>)%e@u@CJ&5L(WixB4u6@%2n%k#~c@nM6^37 z-s3Nwnp@SiTlsTAvNoDaSb1&X^A@8Qwo?DOb{qI1N1_eF+w|G*ZCZz<%-$ZQL;?b?BEZrHM{#zcP#aA_3g>F%*)j4BgZd0#xrEw(RPqWTE zT`sKGs$9v}ZY$})2vf;Wudd}EQWw8VoAqzz0f1dio4koysagk6KTOL`Zp=p0Axpk6^2sfW9 zSEwC>l{@y~C3R+Z-}FwW%rAca?%-h0?Ys>7Z6`x|)M#e=@;MsGlb4)DULy8HAC&kU z3}e5!?Un*|4nr-%utHyaEW80Xav=@JHUU4_aL0Qhla$b*f+K>PMRA5h8uoD<5Y_1P zdOQ{Pi|^g>Q`zrpwA7k<0p_onzM}~`Tv;nTH&VA(>kpp_`6yL?aH@HSD(1YvnM>tg zLm&*_OjaanvLd%Q!aldlAftv+hjKhLkuL%eM+5%@V*C9x{Wez7mw87*RmN6Yd$_sE z9tf5X+i&XiAppNtD*3;uu$)wJCDVmfq)T{$gR!_fA2*ove78zQ>a>{YANifw?wj61 zzcyd0j&#A7cxUz`UmzQ74A`!J&5=W{c4Ao1m=T30pryncvqIsZLz!OC>r0)(#LejK zW3Pwlepe}^?VT3qbIe zJHfH@HQV&u=lyn}|8fkc!J6KqozFY#_bd6<21l1Jd(DD}gf({i^md<{O^~EIx8Di; zNhnL~AJMYh>m2uOOHMj{7aV_3f&YfmMq4jISq z7Sj1oo6o)w9_hb3rxCglD`Sw6vg3;E7n@HK%E|N1vnTh7DwvPI5fgz1a9FtK|B}yN zt%){n6|CC?Cx3cp0gAGy*hg75Y+6oSz_aNjFc3O*`BRzW zathz9Z40N8?d;Sl$Wb4-kxm}GXsEX2lgk%T$9F)M%&ZVnM2O*pa6LjFzKSSGsp(qZ z*xqF7s{b#WE*1_7o%HAS4$ow2KgP=+Up@OKVkBSD7<7gk*~ZeXgFTx8 zC0K6nj~2^Fzv8qF3iACFx-)vPgN zWHfMS^Q4%fuJNHqSza0)ZPvM2C%~U@T4(Z?UAwsbiz%i0AYg{Tb*&@TihVa%bY|Jy zF_poRBR;MEtJ9FI(F_3`sbEgkH*%3gYQUvPf%eUbi}%`^5x!WBHh3$&8s^T!7sIU) zR5PSy@E?|faSbt8IJZqa$`$bGFn7e3|Jn^on$6;up0;bnt{WaQFI$DmEM zBPXb{RFwB~l2pjO75C;8iy1NPFx7KX3I#UHRcl^cyitpQ!21E5p|51+spF;8 zjjeqNqyOc?+im@d7WNxud@O&K`!rPAyBYjgaE5DOy_i#xZ|dMukhGj?M;QkR7sK;D z4_FV3`B4G&N2yM|kzX1g^>Ak6Ye3%1&E299Txe`u=p_?$6+#;FS&rQdoDLa#Jsg?& z3Hqf@62|}p%7=wP^3N8`m$QLQQ2CYqTPZ&zrks_YSv=bBl4UE@rC@eAy^`fq1)g71 z+Z5RfloHYp3k0;w;#m#LR*M&IBJ2#v8y7H76O%k={cnbn1X%PLm8x3a^c@ zHNP2OAg)9IU%r^)VPzm*qA~9A7c%jjUM1Tp-1zvOxCx~Stl%sFoxY@;ViG0TrzgbO4A*w==6fGlI zuzW&M4?9)&AtR^Bl-aLG36|s;9v|CPT<{wwIQ>c~x2FmfLtB_d{Yk8aIe?Q@lR&K! zlr`(1G^`p;hGk4IX`|4WsOD=%nmQu=CrP zBD(mLD2s0VV1nRRx2jM6O3xDTZHZ@R0{yqG&528gC#hlcKCn~oat(=`$?V^kX@&GB zpL3z-&tXl3^2nje_FQb8PuU*-aYdf1r2N|tS-*)oe|O{Uyh2@xPN|Vmp0`fy;wP9y zbwB@ENF9IYzYqt!VSp>ogokWS3g46`U9fEJd$m0Rc_Y>v>EDTAq28>zd=UC&+g0Fu z4|gi%)H$Od=!VHR`BR$WQP&xGYLa98uZ8al7`E)b&y6%Vh?vwKWMn&VhNI?fNbDr2 z97!PySe}ltE?hB=TpV-n+$veODblEb=BP}y()M~Jl#dHS&ZDzqBp>3G@w;r|iwN{m z8otA4x1Bvq6n_R>FdE{39aOV+EO*?ATe7>{=Vh*o;EjxA-uD?#BDm`V^NO_pE0r;D zpmtnyX~Ec8={Rnyd)8n7ic9d|y+X{jUce1KVeFT)&Mb9S!vSd1OFR)p*I zc_x3!+M%lp$)%KX=W0r=%Ol`=ROQ;{8vuH$VEsR3Di_XP4bK1srTYN|k4N z?)Q9Cc5{9tMUAl$4^32I^pvH}b1)<+!%ji(}RPE^2#qN0>E6 zM=-Nv>~=&#Zk9dB4VmDoJN2TCvNWh?U4Wf$3V8+6w`ae~PquHSW~7DGg>@vY_C z9p87Jz*BrXsZCjxWCFSg6S{&8o#d(i_hwn!Do;CWxukatAg0Oxh5fcZaqE2U2?p{; zkjHtIVN=d%br@6A@|aS{;#{a2{Qb)TQkVcuCzCW9l@@kl@a%lsx=3trQ~;f?^LM!s zTzP!Z==cs=#rf{_<9i-|?K;sVIy?h?3Re1sDsb(qn&(fx#*#hfO`cr&(B%sr>FD`S z$oRZTRUJQg;rs1=Zu)|P-}kf5PFy*I?mf)Fj&ZH7(0#zH*InHU86PIAh0n?v{_I zoc`3n_uM8d(EHtW@2C1b(T;>G=p(W)!j3CbT8%cf#_2Jiws;*gZ|sNU!+p&rQuF`i zw=RKI5l7yP79<~R&VN*-aJ?OA$zmm1UZ9l0-5a%hR>1 z?Ch4^qqDPlr}zc1=0cGlHDBdb?0Yg^`HyDf{2(~G2XSY&b{(29cAaA{Sqa{`|#CBi82wTIjGNTjQ>_wF^nzWB6wDuc1i{B-Yf?oj!>0$`^2U!yj)~ z##O>(5kTGY?y#Kd^9Why2&{3x{>ax6!IA7b!K7*c-97%3-4P^G%WND(@;Pp5y}f{E z`q#=;-H*B_mHrt7?sNtkBed=~3sEr$1u3*j;ZV%4H=l6@1(AjMzW}(=~ zmM~{Gz$|Htx8q#?%Bby*Ltu?K7NQX14#0Ku*y%hWa3nvQ;mbd*{-qWRu6nYjDYxvf zji*w^%K`97GE3)gzmbpa^sWD2ltKf*VXM!&=jzz=y0gK}sJ5IH7m8QJ7}RJ>h&$>A zU-1knX9ya-iL9Zd_Af29RFK{Rv|jOS0F|BuLqjwuxh9K3rbj!NvnJ^B^fT7X;%C@@b}9lNM|JX zNnlK<>!mrP5H=J4&%j7*k=5FH zZ5m|f4-T}LdQO|s9)mQaz=%E7BOkn2hBz`cI>F*7?y!TlQ_o$`A>|aRy-Q{_^N$f! zgaN|N%PHNb&DrJE?LGx(bJdz>oRmM>hBHWP*Z9FlyfAYxR@|gh086AZ&KQG$Bc@+{ zz1?s2O1p*mpHYZpMOyG%b`eJ+HQI*d%I3+oXrZCMG&mJ#{!ysHPKVD+IrScj`%i|7Z~sOg2}u!jv0O)NGE4YsRr!s?b1K z(ZC_Hr?d~?{zdZA=(b|BlJAMsaR**(t56os!q{`ARJCluneD<$;6hjUs)+e_OV^wt zC4E7L>3>pXiabMyg0ZL4s|4%{%A^sJSh1J|cm_ig)Y;)bOSFuJs|(S-+htu=kpb(b98`!hWIFG?R2 z_tbUaYPq!RbSyFp44U*G2YkMp>UiJTPHj12xo?3`yf0f+h1yk8K+lJsV6*CtrfTYr zruKHn`95yu`stS_P!CiSn1LN5iJtGR6S&R<)^N(^aplw1_N1ADd-=V-H`ZNeb)OK$ z_1UzUkl9f?I1vlEjP5x+!F-qA37(x(|B&Ma!%z)fY;pjX9qD#VCZhyqrM4QU54>#Q zxH_+A)*gFz$bYaU)ad+r;~==Y+Kf-c;%ol}O07CA*0|RjeCB}_x@hE5)JURI-Kv7E z5&TL-yY-Ass#Ez6*4MCv%7VO7&KdUZ3_C}0nhd%X;I(!nZJccv}bVzKNLF!s9Rzk=9`zR97l*h0UL!5C$VFWY6&0@_8!D#=J zuh)f}N+so`I_YGF0K$(l5>(y!&8kT>61LVcvvHryV7u3u^o*3FJg4@uGYxY+H+z-oCHz##I*&mPV$z(_Z3Hcv~yoXbH zW;TG3LON5PT}M3r&1A) zmi4|0e7+^+--W3vK%@wP7SW%lV_UD+HW0h6?04i=%!z%TyRUZnggPRsYC98OyamG3 ziTn|sHbLPgnks0yk9(2?-{SPWFrsb`HM>LLncjGm@$Xjayualt#FHU^pr??-^~@69 ztu+It|FH~?v2NSUJLpuZr>|*PHuKt~a{uJ)3H{=guTlFUP<{IjMZBd}nUSz@AxX^; z7KV$!VWp++wUv-g(3|3gVVg^$N<2On?_W16G@I9`K8r$vf|#itQQ5^5BtIcjw3$6(tCv2Yo{bnzHQ z1054XneD{0DvBe`Bz!?UpD(gfF~Uay4{?kCRVH$x8(DBFQ(q|FJ^vN=F{71jFqSvg zD*&RK*=X^YTDiJBqu*r7$g_ppH3OF?ohRS!-ZoRmKqZH!UV=3{mZdEY1q$;t7Iy?@ zOJS%q(JVh$mzpncfnJ`9lh?t@2(Pq>q1&AnRRlJjXDVFU{4G zKj4HGxasL0enSje>t~e^j@ic{DOaypt{iGGHE9};M&^m&pwkCyShjpa7J%w~BRKEj zqyKf=)->b(vGUY*wp^y5?5VLth z47pKm!p3_%cDARV$_`|yf|cZ{Un_rhE)F{42UU*76ufG*8a7&R?)5_(4#QpN6D;hX z;NhepdHp}UeJTWgA$EXUQ*NApI`Cps^)*tWfph&AYqD|mE2dhXBN+1`iz-^Gn!pf- z>vBQ(E}O=Pz0unBb7vH%WLs-N4O2L`4itNjRif1_ zCa4dhM_}b6x!!G)q*Tw#6Gax0*15DoThH16IIZAVL__kJR)*ZXVRytqMCegiWzuRG zx2RmRP_-M=Mx^G1og`nH`%ald7;#h=F&yiWkVK=FWvO`5wv*D&+rCCjnbG@})*t_W z2Vk{uTA?nR%HT0~_EY{xjc0&-wTv1Y7(`eljx)j!kGeu1?N%cZi>AQHCydAe1Qlr) zE1B=y{dR`@o;w~%AGLqs$yg}=4DR$m&sOdIDA<4Vu)~gRq`nP#JX^BKsfa7?ZefQV@Hk_c{#wVtM=pppA;+?&1OR{Ii@oE_O#56b zr73Fk0|noNR76}lr_OJ|G?0P~mem%#4FfkvBFTB==N_sxLmY4po@`*u2tSx5Oj5}h zXn{_*P_`uplv6y=L&jyD=J?Sis3aMvNBWIP-F87NR{?p)alu3;UhkZuk`{~k<6x-k zgLVBg(soQPD+RqX(~;@X7@rDGs9SGrOe?yeAb=Pqf~;gK^3NY?p*am2?!&D1L*L(J zr0p1*bW!aHKe&1U@MT2tq}8F(Okuk2q38+$Wg2_*QGTS|NX z6zurJy0=GqK_-;GK_rO^ZfkEV1&CY=q*q?eUk+Euhw^4jxpF1lG?pC~(VP=K%Ly!R z_Iy?U@lEb$qzvaKs-s0~XIotGQ6~aNrMPmuT}DM^F?!xUe)-yG&~&E!%XcNqR9|TS z*Bc@WjI7$9!c0v~8w95hv|@u_t+HLbSV$Fm^O^!+gBWD=rSn^g5mr*4G_4MXZq(HG zJ!oAsX$<6&Fkb!pcxF+eg9l#!U)zvBnZ+5D>_$y!-*GaE2U=r2;=d{pD|# zG);-2MkAV}F0L(1l8hMN(hw+`|1bZf(eh3G%@##T&D7wpn4j$*-w)1`{1+3edPVO< z2>^kPX8Eh2*h9ctOXPk(W^nPQ-)kTA+uxyft)ov@J?6VzL}4Md z+4j5-Y6a*L^w0hAl-=F{$eS5xoZz&?|49v=$xuf2yrN71!N`vf8`gtDrBi7qI-*nX zjlk2Q&-p&4&kR;se!jiRdcl?k7j1%55!*f@)GpbgXjSBK*ck$(v9whZn$0s z_deV>W3hBni1eXasam`dRGaYIF(6SuH3CAh-g?d~)5ialopyZX`od1SS*72x&sjIf zD%Gts+2I17!d&ij-|aCIElye}AYVpUK~4IkwFXCmD8}pw^aSvcA9;IuB9Q!Sng(Q2TkNNlr;K8O^)ARj75LIb+G+#_2uOaci08(Qr zmP~+`56h&h-D`O`zO4GS&=i{Huf1N{Uf$t!y55`k+OPffz>NV+Ce{HWqvd0yR3LfgNhJj9_aU1Gk1K6J2f%OYsN&bThk$ACr%0 z4sMe|1)&|R#MJcfSTx>0tv*k)?sz~6>38PP^i-@!{X=g2<7@ZBTmr)!3W%}164h^@-ujAg8Uf>)~iH!9k&5^^fyF6NOjz;^GaAm?+!Sz@Mz+;ac9*$%o zwuf|j;Vc3Ge_)erirs9UXltthDUp zWnTb2e|ACZjXgKRty2O+vYa;W2%KrZ8om!jZyCMOEM)^oA#JHQQgv3}eFz<9CUVyN zjO%Gb9OW993jxtep?d{iW;sGFx{%gb=KPYE>pXpFgE`HQZm-Y&36=}Da7lqLAz)mrbCDv>Nc@%0N5QHWLv-GA(~B8`VfgL)Yc*)I zID+HD4FiB*WRX)X8q>Ogz;VhQXV|7}4jj|^o2gVeo7bx9I+sYGRiiXCwhKku_y^@y z6ON8rHO5~uu>mXM&*J4?Bnb>H0Z%? zsCfIm7tZ#mYWT@sk?&_pM#SqrCXuA4w_CM?m-R#Cti57(POW?A0}u-XYbVA|GfUKW zej+~L)79!&CK6`x}wT2bf9t(Oz$~DR1q5 z@sVx#>oGFxu#Y3CieeJ?AF#CnM<$i$tL|yGhAYHOMjEtDIJ-%h-Q3fbb&|69X@-a!4&#A`L zzCZ%^z#I)MsHF*BM2>nQ0v*l&GN6y{{IF+z0}>VZ4V#XcO?>pmv~j=%L~M8ZGSDa+ zp%kh>x{dk8sBFzpvbc>(SWCR9?xKa#Df`NvrA_)Z3)rG9m+1=G!k>!#%Vr)I>HW4x z!I0UY>ij?<#j&d6_0##GGMz)Sj<=ek`&Yy#Lp@3FZ^xmr)>C-R&v8}DH=x8_nkAtzHxBrqG) zom~7%{vzdCuQxrJIi;F6V<%IA_UnB6uqhoW?`ppd2`uJN@$AweFvqT~LtUmtL|QRr zGXMPtcV4A{Hh1QvTrPn$71X6DO;a87~!1NXtL9L_;MX~ zVLPe{TePZ&7d0m4@8O~=lI}C-DHlA;b4xBK&ohp-FC9T@(PGR?0ux1swc~t^-(QSs zrUKoq|HYR!gc3>LpU<1s@>1sEFeaVGhLKVRi$G1fsDTzoF6rI^aVxK66;Y($HAGTr zkV~+Zdt8mQrcKM#Oe4{=K-JF-B6;0R29|-sy2xs0q_D=<8?z`%StUD_S#5-mq?=ka z630sIS`K%378*SE$VL~X_Qz#_oq2}bm&x*-v}SqOPRR57`?xI-pCIVmUyTBMYl z_eRd@Hk-O_X~3O55W%^_+(ITX5ltTYUS|yllh51A7*>mY_p=_R=eJ;gC!{(Ct;aIO zrW&v{&=c&CE8KTL*T#-HG}+Q5^NvyZ`y6mq1S^z@C)82SWh<`uK0AuJJvqI?X)V-+ zs%iE#YpfF8ALI)%M=rF0J6z~XOe6WC-U}pU48t0g8-A-)@t(Tg!nr4>3j^6=5B{4` zD6XSMmIH%M4KgV`%>vN zTV%aTWGchCx=vX<8s zhq+NmHOkb>f?I4gC=B!b*{x)KBJs0ou>^HVn7I4}OwAuyD~*4A;gnb(@{={O;)_Md znXVv5&)dP(YOa`0;|^1x8gbPP3&PDiVrJJdH*x8zza`fC#*qxjm#Bl*K#6wAj$ADr z2>A>#DGd7>%P{Q*ZHxdWHSI~pB4&#kS)}2H1Kw4`<5? z`J(NwPzU*%{729ftM^!Uj&aS)CZMaft8G8nJ8$c7c=0jjUN1intWPF2F7#?u_x?vj zwo2vAQ1cxTG^`~6wWiCAD8coI|If&0mjKo4G*Kg-q3g|rFJd)Db2Jp&?|H;NvY^ku zG;IDAtvRazT)ea9iNy5=j+oLJ45z**FM$=!LMN2tnFvoU1|s|azSW@rhKafG;hYC^ zt4OOB?u`?x*2ht=_GhE(*|4VlJRxcYgSKNt!y``2I_9JfW=E86yhAQ<4AYpa*2{*j zGooOaF1_-iDxN*qRVbhK_P4InfS{et(?p#7X1C$}Bb{@_Vu1u5cEtv|I{4xFXgWkv zIx*S{+Ygg0lQ$`!&}V7%@@w-jJY+c89C@QX5qwe*hC9QE#MAkga@E=r_ z7fK;tWEReRc)gSBB!Yem2T0%WmM^t?k<>inwNRg-F$1XNhFMT_ysF&_1{O{xlEAgw z>DDh8_2*q*yBeK@IGUIbKS2bPCcjkD=n%b&pZCsV!E zg%Ueo+keBAkKg((qriH_@J`*d=@_6E8zja6nAV4ZIsW%!-op#lvMX=P!>NalhCoHQ z93z0eCQew002sl_P>Y*))!k<X`ow~?C_I=Pw)}$sYqXG!$J2XC)0%I31l+5Q!w=N=0bcQ@&>i<)>Ysm zbH!CO^TN>~U@ZuTw+00}T(U^C`4n{+Oz`5&#IG6mxI^E_NB_CdKt09hgctG&W!$GH zL&XrvY5F14!5bJf^s{jp%%r33nT#pm1ye=QYyDQJLLX)8Cg;{cG7c{kHa@d&RIb8$ z{#G{QZkY%d%?(>vD;wD@tqimL8LDdci!TLEwAZNx!&LM!wl1Y)P6!{XdGtQSM&(S} zH@}N=cw5Yt8Gio;c+v#)JCgt4A;gK}OSR7KRzr_$&I}OvJZn)bX1C_GphC zo&mLBY!PQTcLCBf|t@pGf~cW*tmQBW7kM zUQHC{i~X)4%cD)GL^jJ^o!WifE!jLE;M?LBJv7nzGJx+>7o7X?Dd(0!_KJ^Jq;M8u z(`!5Cp+0T>e@uO2bfjI-ZFg+jb|!W*v7L!Ev28n<*tR*bGjS%iCbn(s_WP~%-FtuZ zukK#wJoVH$RkdqZ)n4nnNfi1&%?GfAZiKz)&8fx!>9roddf(v4Zb80Sf~$jG< z16%k7OR$O@LgAZp&Qt&apY}Duds&f_#nfS~@~5RfPwZaZprF#qcQ%p@=d{DfE{o&=WHcHJ5Q$O_D#u;j*My~;JVJCK41X#>JWdbWz z+emn!Rz3Ce(XNYkH&`ioHjlWsCx)p%b3cnx_Zg4yy7DE6Cm4*!*gw{xBohE<)7 z&aiM*nK}5OMHrqb2uRAlH|gKbBRW3kvPj&{_|AHq53w5uddR#*B78wn; zBJq3gdAzCxRTmO!vFbOg{5B0J^@k0qz@*EOpI|?8TGla~bD!o4Qct@1%HRBdnMxdr znJoMSu%sI7s39+5*E}m(mu;@-VB#ouR~Ehj%hABP!=>sh1}lJ{lB%u>`hK6`K{K`t zx;KNR88?bLnJyW{4qdR@Q{I8}a5KftZG%L!wfl z>IB`jJgcRp)h_Ou7>77Ny5P?S#}@N%yb zI`$)qx>p{l$>RyJhuf}$Ww8w^k-ehBl4qV#P`D4d;3_&F~-s_DVkLnEGGZz#b+;69y9n> zVl%`ZD+YbP?SIJ|nsqkP<0tP(2R{RL7;ze~D}N$kG4wb*zN2&c+pB*TVqU4FSWE4X zakg%<%O)!>tu@xBH%~X<>ilrCO5OrR?=giwdDW_B&&Dk8oqJDJ&E{Lh$JBwII&B-+ z9ywMn#=d=#)o#fxm=fhn*wsGxg*}i+8|z(UPSM7DRh3a1->2l;OBr9*`$YArWYaq4 z*ZBdM`n=cWW9~$?m{_rd47&cUjLK7il1YdG--Oz}eX&gBTz(D(naY9*>Q`Ue&%`w; z1jAh)EnQIKgAu;WrVgpZ9yb31p ze!hF_nY{~$#pr%wS+xJmzD0vu)a;YLta?S#lRVav?duU`k#;h{63>@(v7yU!pZ+HM4j_fLI^inoI^CU>71J**(MGOmG!h6tUd)ul@x13HwO2PIj#ecjuan8~L6#QiY@{ zz?56FUO+jHRqp5q*Rj_NX~=lYQOQciEV~0kYu7-Yz3{k4Job*RFvIulR6)bf_a+h< zc$MYQQRIMm9UeX&dz zJ4MFNtVX*SI)20#`>u*6e?dUE{;dwmLu@vzoB)Wy6`v8cQ~27S0&RD3d)v}W=TBQG zIsdh|47^lXY?hd)iJUUOUOLp3d^qb(2&S~v5hUeL_jL`uBRg<5naW`;`%HIdcNjdh zv1ib1fiQmcrEIcxJdo6}xNSn=kcBFua{Aa~gwF>-mGmu#-36iaSXIU~>E{?Hc*$$b zx8-yLK}4_(k~?8~)yI`PkWAkV?*EOqo(TA^!LL`;ff`+^-do_L^E0Zu`jN?|5$V4RkXa3* zw*PU+13nVa;9oMXl310MOxrM?!mINW8-Fu5A`#Y%y6q`sEi7~nzy>_@BmOFP^}{@O zUuUUatM#z3KC^ziiGxVRQmCe0VdR5294L-BylIB)@q@l@KN)iYYIEt|8yMe=A%aTl zdVl*YjYfYl_XZmXbu;nhi4`U#MTo$-kjs|g@4kMAlBWQt|L(Xh6Ep-zmsp4WdN%AC zsKQ^gl4w}aO^a9bLvKmM6W#XP@}&hDs3HYK$aT;|p5}P2AuU(Mv3E~;%up3!*7G}U z6?6@PM+*)fqRdH~fTj?nR*}j+cUFd4Wlp&$^v#SB>94SNOJ~s?a7G*$0A@+7{;e;` zSIzUM+RGl5l*#K)T+F)jqIzG=sl1Asaw*uVri*0}OPC`ay0|Zg{tl{QlkhHbAyfMs z9*H)Yk!4?;T%Bz)TIHFe_15^EzUVj!C9YcZZ~dP0YR}eY3;%q90|uZ!oP^kRPM~q* z55gm#9oL>$o^lfnS1Y$>(}~!2f5n&_r{|3ybDyxkSc-eg(!{gyY0*^2?s*GC5IcZE3mXRQ{llHbG6shKTdL zB8`x+gB|$z3E|XL`4MJtsVd18$+`yrrxlD{<7Y#|vy$=bm?Ev0_Gj^J{S8Oer>`?+ zL^uRIXjoNH@HdBFm~V#>UWa64&5+|i8T(g+$OQzj2YSHlS0deP(Qh%a46Esg?c!o{ z^mH$4FM4e3(X*JC%W?h0K=BMHMMC{B-;bI1ZBB`ENs+u&x1pfhVo+SDCZI3^V%IFk z1@msM5B=Tb!WKJP-uX>k=m?phqQ>*x)Rs_ein&kZ(>f@)TU&f{y~A{o1O2L+>Gk0Z z^My=?l~l#8G4}5J@zaBwu)l~~M5RDc`X1RW9kphiB_vrM_^ld_+Q%P|$9$*FRlB+x zAcuwPhqFUZcj#3Yhm&GhAjp&ZpB>U>J5q6&QF}1Q`mAhxo#Tsy9NX1+2_*F7>i=~- z{E|z|ug-(XP5-C1{ctWSAgW=H5J{W2ap^9~r9mA8Gx@eO5bA{DMrlm-JA4O6>iCU* zF35fqvPGCKMo?F%ALsdtu58}^se8z|hw`>^j}zO4ws1TDOG0&1u=_A^JZcH#I}s?d zlAe8iLw}J>(C{_v;Ju|}vA&S+={fo&w{=q(S)mm-nQ$I;F=XwTijkYRio=xBoDZ`nM$6rsi{d^%n2z?`a9iJ=<{y-iGt;E9r!lNfR}Dy z+0%KR$s*ky7)UXuIPvZ03+v@j48Ox_kI6)?iN>OfuVKL6lwbnMIf(!05<5()yilpX`4hZqedzhHxN47Q7w zWWhdaf=|tsEMTI*W0DjWwl1_w7`}3lxMO~PvDnO%=ax$^TC7Qxa!sF ze|aqCgBX$X2UfT&-Aan>&R;@$xl`Y~v9|F)x`lt{g1$ZQCeq} zEax-BSt&6OcI;5O2RrfjVK~2vH>{La=3PCT3y$hnmfaQ}EBG=0@Z7-Io5V?@ajJLc z@hs+ew@O{H7vzrD@C5|Dg@d5xJ3teIAsV`#=)@v(Xo&ml?qD9lV?}r`-{Kk_Jd0Un zRMg37U_klKeJkF{c^G^~fyzW~tYtk{6}}2`jp%mm{6!9LxSulPFtp{(?lf_@vzu)1 zeNz9w`R{~ox-KcLYCjGc+o!Qs^~!H2B5=0A!Fpm69DEB5{0z9E*PRl-tW10 zJ+#f+t+Ynl*x>>5s&W&ELko))AsDVpgnEJAWsKFW$t^WiEC%gQt5+tgX|^W2Iy-pZ z(r^B$x_y}g-bvO=QNvH%Jy{M0)^+~qziielo}AA$3he@?ufevT7dm~*0Oj~Ty&7{7 z7UOq(?mf*GsR=R^R*a>tzh^#ym1DRA5oz)wy)A^X?h{ghB>C1z!)xDC4cL5cAz`oV z71gw;#91CN{QXHZ`c%14VuPw^`Z1Dc(|ACWg4JnVUYRFZC!7!>JP<_4i&Y#|>8Qfl zA=YbsLKliURg)NASZV$_+8fo}3B{CXZn&4ydL?xqf!tO_zQWq-dO0G)f ztJEveX?=GUOF{qJ_rmoY%j0s{X&U7?H%mVI8H8fMfO|ab`S!GvCMh@EQ87;<=%PI1 zB?yIZ;iW%%@WBerc3vQWa#E3i*~Jmh;NaKYsxJK0`|fJlAs0gt5vR!v!-m_i_t&WnBxRbJ{W_Ia=om%pp{}7Nb!R^1+er##XdzV?ev& zuFKkPtcmGQY6O#0)LcoMt8&{F)bphW{V|e-R{3^h0$D3YtJ~M6#nn4j=(ERf&;OPN~Gxy%YaZ}r7zJJjaH6=nHVIHx*|Q^&{etSr7;^yH zyBM?zDSb|`qhKjAkSbL9)_77VXb})HW{~QGw>t5a1+9{cIu7!lQiGv0g z{Q}K6)|I>s^exL8+kXLmE6Mx}j8L2FnMEie>nZUz=FQRp7k8r_gamZ+?4rp1w4~}J zf%o|bPY(m2<@u5CAamlofmIq`hg!e-=$7MOxfwNKm*`PP3FQ+z-%)x9-ojQyMG9)MfJ#(+_YV} z_V_Q<7|*BkVrteI?0caOMUUy550F7Wt+VzO5?~n&T_#uqUvf{Fa4$Z_5Fvhqf19!T zJZ4RWijDZ3`OPrc**q&X$mK=!_!ovo^~A;w=&S}yIa4I6v&4>|fql%^e)YYGy9n@% zT!Iy|5Ef7nY)a`|Awf>}(~vm=_#iPPXFH%ujGx&lF|w-%MD`&f)gHnj5nh6+>rm#4 zI}TD@(DvUBKU z9v!qtbe_wcPY1(kjow-+ccp|3>!UU=zf{}Gy0ZS&u$v_sl$sAqNtl?`K^#yot9B^m zH1HPazeZ!H|3-n@^?dzLvZS^NQm#63_wc5ZN3$kX7>of{1ufDPzSM*n7KT|Rg4;!2 zC^$rk{n+8_w3MWm>(}jyb&W%Luxdi(`=UGqpF#wK9<}0;rq{4oyh^?i_=^fG<_XO< zY)-uN$qY$$2tNt)NQ6pIKIzX7f~I(lS|e1rGZ-fV#hpRp+6;eJf~&xQJlut>Rz^b| zu))H=N_}CJxDt^p)r?5O2&6EHIQm4Y_KZ7EXKrGy-Tv$mMySheEafMXIPRKnZUO8Y zbQ5?hnHUAGpra6+uU!sPOIQgTDB0VuGyt7Rv{&&^;`4Kf_9eGQ{C_^1H9hcdq4QwF z@rdY23-?`)#*o`(DTP|L@Sspmz*V3T;;Lok3`lUrPe-d6I)nqe^HcHcsZ*V5u+p81MRTl*sgAN-|apoRdicEzH znlXN;tO6|&0JDJ{jvpq6m~C+Qhj``nn2%9MWL_+unviqnAIk}pB6@nC3TsAbgwx7> z68=d?tOq~RT57ypyv)zJMyVy-r5_Sq(+?iRpG-^(3KzB7zrc~}5=Al4 zLJ1d&=CTn`0~}QaJAgB$`59E2fUeTer|pG7v_jG^D=Gzh{{U3v2WI;?8PuQ-5g+Da zlO&!{dwkd?%pX%gfY++T*%lhM9~S{xdSZhGTe(ac#??8?^`VVYU+JlbTmbUs=ltpU z8jK31tfQEJonUd`w|`qh?OZ!CHLfAEId_mh;d9qN<*;rGz$oj}rTm2psLFyU6>J)@ zWZh4e9r*i3L_Bj-R;Kc!G+Ta~O;{5!M2|ZXk2i+FU0fSekTED3qvtsI9$pk4E|GL> z!=B!<{hORl{XkElpFtajT2dH~lsIHGh|~I7tp#ft;)>Bm`$2aA%2kPG-i*8kjT6jJ z51B4VhWAEb(CB4DQLqQR*7M*7$SaZV{T)rSLx5FOhC4wYjRi)YTm3|gz%(suN@T|w z4o{tw;Dqk}m|{S$76>O()bUMOM@FJTQ%nwfq!^8atT>vRE)_R=f45bc;dlz!T+B1r z7>agRIK!%fue<*;$E}BY%`Mjf2@x~jlJ=Mv)VA&5Zygu?Wms9?Q-${V*{BwBD&%i% z$cY^IY-feyd}5R3LE(`(l%|#w|4a)lGIlW`<(X0500(#By58uS$>N;8iU}}{ljk&&gW@E6Rw4AZp_VEcUZE?pj_oAi82q@i8e@u%xU1ngJb%An zI0hQ;=Y29u$pw4`t!)}g+hodc%HB0t?N9rX#&-Trlp=(S5%lR%fW^uOgo6l<_O@(a z8&1e`K|^9{T`UR2yI^KfK8=GfKa}#u^Dy-oDyM~!c?Uj#=)@bLmS@MqqhgP;ary#D zM?HAmt}JLgH9$jF26mnu)Ws!!CdmNGs2*qchMPf_m*0genydorgcq(xY05jOyrB)t zC(rr9{#&va(Imt-0ZEiVy+mYilprv6ytNi(y43i{GZYa~{u=Uxg#@Nl;oOmhH811>5pQpn{)ft@PteruZ`jH~X79^yfghFyAT-dEb5IJc;OAE&S_i@cLf(h?lT6VXgXN!5Ujr2=VQ?~yKDnxGIoi8-FTWo9c-j{9sK=p zN@~d(*XtQja3e=4sZud zNl;^!9YjWc%GJBuTBGG9B-+3Rgk*1)ThS-vu6ah!{%gVO4T7@TR{*>ytuUzW9TP{= zh$i%qj4`UsvE8Lknalr%+FJ%y%LiZsLkMHyLercL!3r$BR1hcSoF>jxLT+8YsiFP= z%Kc8%&o=#@zL|5}bG4J(a+j8OViw}gs^B%1xcTSH*g?LgI|!i-uJlR;u2*>>YLG0E zg)ox{G^d3Momn0plgqB7Xqj%TfHj1RNS2GQ>YH)xPqq3-3{&+( z+y=lxR?ppv7R^saB+G|faGL@XVGHpl)5P!-yiz%7V|#xhPCgOOEEfCEsl)ykPOSt1 zgI!_*2-b}4SaOvaYJ`K0=>Vw_ei_E7E`ovsoS@tAWt$yhcB4v%cr$O}z)#+PpDyzF z%@3BHLQ&Xf5@g+Yat6xddA$}5!F@|8BkrFm6GsDT zb1`kcRLL>$Y&EvH@#}BWp1q!&3Nk-B;}f_Jb_Ra3`$CeDf~16Bra&veS@?b znbS_$X7ZpWT#==Crpy^*X^Ie^XWY8~8H<^Q_NMdPHL&F(MBed)2$uV#zTI9e~ z)x!qNK)>FE2Kx5uxdY8}VJWCn`Yuf2But+g^G(d~?R5o69W8Ybvy|Z4-AeFO330_L z0?-?a!4WyQsF>^GDz(0pq>bR1UnT2Z->BND9m*)Wy~@kZsH=~?3lml`zqnDJ_r5|H zn{+M5E2*huN=Fe2My<81wt~N&1cW?c#avOrmRf8K4iN$0)Zr9(<1gnfa+XAAU^iI; zyLlHH&0@5N!*$XC#Wct3!+*!&1+0fVg>%mHL))7QOu!*Yo&?%!Oj%A={&mAw(j6mo z2%s|cm~Rc7Js~gIH3-T0=Ai^qe-`-_vKdcB(uULfJHtF0tQq*j|HbF9lFy4?JZPw} zUH#;yC^#Gx8#5Pz8wRpy4!=#rLugLKi^zzG%#+iw(+vtVW9zgc!|2u*EA-C&>H-!)FNj7u0oy z6&s!L^#@JT_gRD=M;1V@E(Z5X5!md{WkQP#qboSu&;*CJI;Av=P-q`}p^Qk5Qz16u zumuetnE%;f+d73CAttm!jfH-AykLcLJaAf%vb!rKY#&{~c;*JCj)v zvZyvSsws+=8#_XU+@%yInngw-VL}oDWUxT#xX1x+v$0M}Hi>yj7Q;zo4CY*?LIXmd zg_k19D!}yyvYi{_8p4(VzL$Fu$}3!%#}QoF|Cvmy1Z5`T+h$Nz0>!VydIMbXnhhn+I<|t)feW&a zBY7)7x_NqMO}bU?wovN{RN zRI;b6nFEI>65xEq{$!Io^#+L+MFEk>c|4K1uDpwPX?!7={90=%ypUqc{oL}J{yC|x zyHC^Eu5peXuriFhdF+T~%TW|qB%B_EsS^IRI765=W)rR2#jA6gK-Bvq0+| zj$ssaCpN>2^@9)5zYV|wLL7X|V~IUKK#LkuMcNxnl?b`W@{)0W9|6^!IezJx3L<;` zm>*@c`d>Y%c4cwnz~sASUGg`}tVW|li#IYIKZ<3Z8suLQCOKe=Bjx{in(BWiov)%4 zzF5edhb*e+jMUn+VPjO-kmg}5PD>Fc(tU)Da*3M@6%(&$O^=q9dmF+ zKe)VLTfeFDEb{9Ad@!xCJX-_?!F3cBua#?Z-i9VJS@U9w(q#agY03-cTAAVyMz5>} zIqpQjSI#;+U4Ln8p)LyyBe@Q3n5@Xrq=4oLQ-ud;>Wb>4FmRzkzWTg4PRd{o? zH9+>PxRY1ySl{(H8in9Q9u^9e#^vUa?qka8h z9@m8zidp)@yph27C!?kKM=zOlfrsNG~C2A|F%=*}BBts1$UT0M@X(>P1YkWXb~U&fdEArRm> z8A~3fvcv3H)X^;oM*0ZPjp{(aTy1eSlC#n#jw$h&8-@GMTVi4FXK)=BhB$=#;Lk0_ z1=f4v?+FM37SIe#(HB!dW0;lrJwpn?0Ci-N$EoO24|IC>Zn$0a;BmGW-S#Cil!s9e zhspvb?AAIS+UYcMzNhrgw8N^pB1 zc3eu*SFnB(BWq;=LBR#;o&T>$|J2OZ_mqKVS$77(P~5Ll49wo$qaClHeRmO8`_j6Hzn33w4YAbStwTQSH9(ePNp=#fyEf*r|ogfq(?h)<^q6YUu z$LuRDQaTCl*Stor((G_0dN^mJs9D$n$2s(WLtme8XnIuQ}Nq z-eQJ;Xke$Fcjk-3t?rCrUT|KE0{B&9B$(*tWcTcH3^cPfv~w}6*R`2un^?~V|ug2CTym~6Y8w>#?#wcb?Gu5hl=F{DT1IZ13q+HDGyDtp}& z$U)9w19?M1J;ZXD;@$NL{-uYmtUGCel9TF+?!iK>VxC)Ay3dTIznzBL#wIS{DT-2EpRozlO2I>BAd{EH1G6P>RKe{?E+DqEncTSWS1 z6Z}s6fzK$+07@FR4x$lpl#^~wqT8lWw?zm+Zj!=rpXuALY*%(SP}k5%dwxO&fHdcF zN**|xL^=YEz!y#aaMTMq{28@&s(LWjrmjJuBDu$`X~f__M(jE^Xv%kmvEz`%bk~y9 zGI9WF-FLPf@6hThu8=hXx&6T=V&Hw<&t7hIi(96l_k$}q9em5F$dH6dUpR)VfI@@7 z>tLU)OzeJNWIL@tm}sPwq2CiXF?+~2>N~@}6#fegypKE~tM5?&(}n)g@w@0d9o1lL zV95+ry6G7`odvZ(HnyTLz7H1itUtUw_7V0MWUr-CAU&nbxp@CcYC)Jx!%MV}Q^+re zA@N7yA%2VZ0VyOqMNdlgypC+072~zTUTpbx(x*P5j+mJ@wJS@%xs7VKHyN_M9kjAL zg$Fr`!~NzUh2Rf+g0xSxk;?H9e`$Ayx6s$WF~?w&>8zD?A{xEw z6nX3uW;}v;ItQTrgF+ZSEvqMR58DR_8>3fUdQ%#ko)1s6&mU3^U7;&ROM4)9WzA-!AhCm@-6WaMi;C@HO5QFOxu4&kH6*>^R z9;&D0S)JA;2T-J!=PS_^F(w63!AQ^n=YRKd(j)QYRo)naU8GD#m;DAOebB(=>WoD! zh%KnmY9s7(-EC%0XELZ9At6GaVfsK;eZ=l9g(ZccU=t!E(I_reBpPu-O%a$DWn;DW z_+YG-IukfiI@WUbrTTMzhoD}KKcC@<%ih6|GbsRX04;A!SN8N*1|bjuC3#~93>rjcjYtl#vMi}xiE<{Z)^47F??NPv2}`zms^V9$Qq zQ}=K`K6inS#kw3f)7zWXcl+tW`NSQdPelZncZAx#$d6~0^EcgtNDrF|}LCocj25T8jY%~9v=V{E?sOZa%N%ng`WCfVn1=6gB(fc`0*n?IPS z-uuKvb8%KW(ExTm=0(In%JbaJ^H3EkrdWlQ&Pq>*?5&8Es-VHzk81HD6vkb zF?(TP_nY{!^FmnDMzK&%v5(?JH^Hz6i4jhtV6Z|KAud#q1w55pjlY@V%2OnRB(uwg z({LSgK5mD$qCOXX%n-K`mo!B5`2aDqgfoTKk||sW~>^ltw@)7mo1N_i|&dSyv%)<8%K3l8s;1#pfDE~R4D--r2Gh^U@ zMqzIFXyl+1LKsj8I>ZE5`uMqX*!S+5am9Bb0_9KK{C2Vg#+{b_nHn%y-ppAW5wSc6 z8hT)*HF3ZU)l#!I(0fo|loQZyFk!yHoA>badqwsyJ;19%Aq^K$E5Xfzv15+lL#ruf z&nt9;jF;`Y%N%OE>{XRkLlHKkX1DQkiP}e5g5XMyLn>%)7X^V8n?*S$sjDxm%iiG6|(2-#>UVhd~ z!2qJ4&PM`NK)}GL1MP~ZJ7O~;A*b>ItHyXX#}kGt^;{I}T7xhJNqD>*@48*e{O)n1 zs=#CPUn1nSmKNQMMl-`n2x8yu;)gI}Du96pl+h@rVPXW{pr4g|taF{;G9 z033}K5$oxv-!D(8rfN2*GQJyem?{yF20oY%T*O2;y&HcQGOo^EHQCe&4{OIo?4OQs zxMOnUk_M)7VAmq9cSL?ZMSf)2+nU)T!-!|TVnRt^esd`=dqZ7zA`R4l@^~U;HslMR zo_uogB@hd2+d%N!kb3_b4Iz_%yZ!Gz;X?9?Q&F9@dCTAb;lLSf-EAi84GjDQh@f}s zd!?s;S4}s~RbK75oHZMwy|3;{ll}&AEeYW{Wq6M^Y8twEIgNVUJ=5M}sgs_i*1Gsy zq`KbuI2siDBmElWWk1&pMoqNQY|TGJ+;o;&c#_Aojk(Q$?eW@nPrzb z2iO@gqCmK%3IIZ7lv{3IY?K|i=7{sKOuav)<9bY?I?YEfc1eRY(Gc#zoe3xXRYg&|owN(xa{>Ed#73!6hQUASp;qvb&AdfUX*4Tho7!P4}bV3nE zL~(QBi*IG0&4)~kNNOnuhds)mPP5SExRZh)tn*v>UI0$8LQ|vTxLA251s*zE~scG;9GES8I zz`UeT!V1w6OCOwg1JtMW`nF)WW4G4$c`+EbC8yv0hp}icH(}&6fU||qC`OxW75=HK zej~kF#W~HnJpxTeGoVQ=&#TrVJD$GT4tA{w6_4>oMEA=RNkbe6wNmj}pvnLO=0?D_ z#rA>S%+8nXX@}yLkf>N-E=_OH&su10eEuc}u?{q25-9n1B_?_Fxx`~}r{8z&t~V1i zdVB(#UgXgDe-Tvf*irG9=ol^bwk&?H?aaSh41+!BAn-(HS#C7@K&58%tJadvMoy(h zpJh*N`W4aISiON(!=&XST6dpEU_ECeli)@u_!W%B^r>Lx{?4ef>w+>(RhThxOkGHA zJBlx(qxcmyo@Nh+H~(jmg9s1L!>R4n?~lxjgw9{z%EXX=*Id#A8(BH<`uv~Wjm~ZR zyHQf|TvxZlZH~lhDf4CW4$RSQC=jF&iK95B3YMY_MBu0f8Cb8-PzIST(-El%0Wg2h zH8WG1p6EQ%oi|@3Z1HkxE0C9@Q%cZhAt3}x4Og2GRA>oRR^vJA?6*)Ds=O*>G|->& z5D?gMdE-RB$GLYOsOmm)-JSij#fp%DEUh8OpmADwKJvaAzPs|i0zS;r5xlLXg!>jA zMqGv%3@Zu-6@7gk2 zzl;FumS&6JuwN`3#c%yiKJ`ZAl#MR{xpH9l9QY!|=$xWZU_$G<)y007 z+rX&R-(s6ABd(c>I0{G*BFhltC;H`(BL!?Tgk5oOyYI(+HHLvOam=9}b)SLoG0jV1 zjfh_-^{mPZzBAYGJ2EXYQdeTgG;m|Mpe2trp@TA8L)6ov{HW_e>SF=>pudfUd*OFD z%IO_Q_;lm$Uw>c+U0A*U(gn82#ljst$TzyrEdWbL{kC1yxkqsW7Ny zaw;g@h?J*@fi>wumSke#%uvzg#m>_*Nfb4n#qQqkD@X27g=NpmO1g6%T_bdT{ntF_3Ig!*#ZN^$O1JP4)0n6t?-#byH*tq7;CpH z7<34&v4Qm$1e#Rs=Bu5D0ddHP|MVYa)Kga9+{9S}{N1qRxw|iynKacgyHp2qy5HHjc*mlCG22b{gy4d!`Cv-|f(6R9l2RQY5X(`A*Q@cgq7 z6S7MRIi~`;aXVrL6b5oLQ-o#$#PI>wkvyF`q|jH=5+*27R;3Ef5p0>d5(rrdx)dSS zjDRyIIBsv0GJ8|sekRwA%>Mh6UhA+)FZ>-8$(xf&gBHWIyRH8++90X`ai;<;e+u&m-ky-6rAeH}xlc_Sd!OYkC;kc3K@wH6?2-Uaj|Aw$KMqI7{tRWtOR%o8Fi8!RemBft`DN2TAZa;jXw zjk`rF?DlY0wdD9Ns9#XVEr&-v2HyyoMNg9~pDYK(B8&}!KtKrq54K<9(a_3j6t4Vv zm%A$VR(1Y@4p&{x2dGFob+!f16IkKJvpY%{Ua{1QOO80 zEo7vj0kkh~nB#M`I?mK@D-7alTBZ=$961c><-BI8HIowT;-?k9@MAtZTomDN|otdZSIw(2A1V&&ky(Yf2!ct z_MEiT^R%|$c*~Y#t{?uQOjq`C0x<(USb9z#S{0hOQOU&8#ZcPN5`RJ*(=fjR*RkWW zdZOOd$;7yuSSm?YC!S{wy08D#@NsRgm)PHcmzH1Y@1rR;A}m!%xI5Ak5m+Fah1qJ+ zq>V`p8Iho&1jS2HC~?X!B{axX-Mrn(uPA6B2(=NQJ;JH-D3u{qB9-X7_Y0bl)x_fF za?!%^wqsy|x&j=)!HJ_+s3M2}GF-q?ZHrVZA<#rUeSFQQh2j}-b+^g$rI&+VsR$8*Qof89EGjy4&z=b4XLN+MGzH3-q8RS^*V&5{)E6~&3(MMn;5THc-!`t+yP&IDaIAoE1p|6F9Lzzev3eZYcA>#92| z**|@FS_l#N9maKEm{|9=;+Twa>3BikdkUqQ4M}rLR^}Wx z0O0+XkI#sHYv5MMw)>5-(`n-X&a<6Y>s_OuwH?aqY%`;g|5Ivtf+j^CBhu8JuV1Px zNs59%e8X^o`;7fUkZCY_+86Cj@D_Rb<)=okOc|;pzW$Iwe%;6S_)_G3*Nb6vMuq>` zUO39mw!wl7ul>3vX@3dR#hK!!)9_E9;UOUx3>t+v07-eN9HRS3ZeeBm5^g{f)n(->v=S_bge!KI(^ zKv4zr?CpOq{y%XdAxTshg9~-LpK<_N^l!58WlZNQ=U8A+f^>(anOJ4i4An4yPV>ye z7w;;MQ?eEB$&F3)Baa@3T3`gBC?4kv(J9d&lpzT5<8>`G^Xn?Mb!_5!y(KC&$9o&9!%ge5X z$8MrY0L!Aopq5h#bgY$LsvKyosDx>3-R2R2TX6MVu(m_^g$8Wg*EVx^~MB0A3l{)vAUdjYENB{ zK_<@rahMYG)_$T@XsJ&)!Inz?|4*DmL&YF*I-Z^Q1B~~kYr4DVwgh4N0$_Ml;g)XZ z_^8vXrZO(KbJ>* z?EW|!bS^XbT}!k!n22<1O3b=6xLb)y4MIeVO_a38CkZES$3e$2UB>MFupOBVf_!mR zHFgaEzjXYU^33+h(;7!tCcy2VhqjmbmoN;u=weC3z(E@6kN+KX@?jG=1IiL)sY&7t zJ6JgB=%|?$JU)Zc0fe~63dz^K9@Sx|G($*-Qr)$%N<^#rQ}a<_Em`DpDa4Tbyk@NV;x5xILsU0U_byfOUYB@@>T1VYnF+| z2bI$Y_#F!n(D0^zCAwlnTN${Ae5ZePA{npf0K!gg(Hk@Czn=Gq0A~KPfpFYLR!|*O z@lsR6qQmvT;0yBF@;pyUO7@Bsd1CJ8ZzDLqO%x=>aMiq3E!`<)nD;m$G`yG zLGiMV#he#uD29`ebP6)Ltjxd~)Hw;T7Slq_nqKve6od0`$=7|qS~v*KwgZ*P5Kkho z_Lzs1ru7U)RjO1!4GT>{?&$wqt8xfPn$k@F@h^GTUOwb~<9uyDHt_48@5M=n-~%cD z{Ij0sjn!PMw#o#h zKgm$z0!Kz$v}ux+>M2MdK$I#c*xm4zaQ|&+L{px0ny-6ubjE%|c;_cJX7}%~1;aHs z$6c;(|Ia?8;}Fy(A^{+CKIiMM`|Q8=mn6Fk4ZT^DI00>N^@TKVhS(d^mtXrS6+>2v zDO9S}i!I4CS(q3yrWCBS%xp$1zaEX$ZI)XuXijTNbST%~oXQFCnU~ehKa}DxZ$zKA z;_&^h^|HTvKbHU7O-^$&+}Z5X^j&xK*c<`0u5%mVJMrABc`3$68q2_T`9GEKhdUex z+QN%wT|rpB`swZWfbI)9DidDbF9{jlV?uaRPEZ8=av?T$?XQ+iA?kHXA!> zY^TAEjoyx=eb!lXX3w5Ic%Io4TQnuQJ46UUHW48Fd8SMzG8HOX$q{3>0wcY> z;QqvZM6x}4Vg zP!UfJfJ{;PjiUzjht37ltg`arVBS0fFUbz`2NdN#A1IiF#2u4BG^YzMGz%f~rCN?g zg=mwjHMpc3`d0GmDLbl?O2}h!?x_`us7MEK0dmi&%igs*T(ZC6s?#pMrEUZ^8SVLk zz!2x9UjhfX-sS%(F~QzWx)$|h@GhQ44<;e^A_@S3Vp;Ycl)+xgbqe$Hzy?k`N~EW! zBH+L0$xGmTL$G8Il#wNYiaaq0q3Sls#Ffp00U^1S)gLA?>sJ!d*@{HBM@%nyF|n4- zN&9gy=5&D>#r~Xu;`TL+D)V55b!BJBMMbw+*-P)w5EEMuQViO&mp^Zd+BnV}aDRXo zC5@NZ6@mXFxJZy6J$a({gSNi9LJA{6o?c#IMjffXsu~2Fd zJ0)~JIa|d0E$*#Ur{?Fs%?}`~Dwx}PCIA5Kb>SX*XqJ%(1uF0<77|~HAY6tWAUk-s z8;`a}YCi`dq@<56;O>NaMfT#Kdul#$Z2~|o)d<|DZ_UCT+}o{3$uQK1yYY7$(4n?`e^ZiU{DU^AXM1w88CvH!ANg5Wc+8c=qsih)!mPuNF2IH%_>Ee zb;pG8pqvsDp4AjFLK{QbQbtQQL)@zs>2(*Q+uv7-Pu=W#9Q>P?dY;ruCr;a^|4!R} zV4RBfI)%j7e)N#|Ur-owh_B-R#X`jMs~eJ&gx_Z2I{Vww;FQsL22nG|ZX$B=ZUGF0 zBWPT)2HO!Rp~d?dS1;CJg1&}=^D2fl4=`IUhVMjM|3H66ySK9^E{Mfeo?%Bk)IG2a zOl%FgI`g;u!dct%-PeX=-n8PD0;yW<)1m=_2_Q%*ZvTh&uVNHiy;e}0^zAs8`QrTo zOLO}x=vLrv?xW2Pt&%*?@%pkD9~Hx|v38fQ8B0%@=#irybqYi1AVNxqlnnJgtroSM zWFuc7x{;I{G18DU4fh@yyJvC6K^SY4=% zceS^D;b9bNKSYQy!IutZYU7DVhaR`>P*_Zmhc%k}4~87a2~Z+-Ga2?}v6Hdj7tRD; z^c3FDOX4zu;71T51!b=ur?!{fz3o=_ybgSBWcu5zno*4>mRouImZb0sJP2Q(*mWiK zz~{-b2N|+yQ^#l7=>UPH2$aciDe}~~=#bTwVf5j|l?$y!BM}Ywf5huyCo>@k{ao26 z(8vbr>Rvnw>)!Q6qU~_koaJ2AVpyzL4u^hAi^W$3oRlcu1-+SS%tqD1EchudoO{3fp&rxFp;PR;Ph)A8df@UPt zsTROqv`Q&7@&BH7{3TT;6N6>coCgzWoQ$>;?0Jq(*Au!J{u#ji=Sa%O>1juQpztLp z3HA1O$-PkByqpZPhR_AP_+@YPxX@o90tpEUlL zjgpi5@p!MLrfgXAFYKUbjIP-o?n=)G75dxmdx-d0?dMg%4^nVQbvo*UtKU?`w|GBX zta4{6DJn?DRrvn;w;P+(eGNu}MhGSq&7Vz}N69Q^e8e}{6)Xy3KX4>CYWKTZ(q}HJ-hPo-P0Nl0tO+^XekK19z3Z3Q8 zFg#?%u-z|1fwjK!kXZNlC0bsxhk9&-O$?awR4Ef!%i2njBW{%FtS23%p)Rg{`jE~6 zwwlRk!v7-SuLyFGaU$Xv zRI;G_0zV`&GU}7@+uI0;=F^&WQ8e55P^)lPAwo9CJ3N3j(kwO%Yckk2t0!=9d&rD` z`jol-GFGcRnfH|S1UEu-F{|ebFZV}Czofd;758@qdkm>vj?pUD%`>^NH{x{$Gh z0#}%P_-JRRi2aeZwuwf&^cwK5i_wx(p!rLzDp>$cFTc6l{t*r9M{DeHGs`~|@^1+< zZL}r*ODz(+St&RWIy6yktx=V#I-o0{_S7p^9@n#4)l^PVpKZbSYjLVG_KP;7$XI!*X+WPnBQf?Vu$zY?$BxF_=}Ar#qQd8)02!#e*Xur zR&sr8RnoL_HFLAuueLhX`pehFn7HW~^aW?h{7!8=X@2&AXK?f9c*8CTr!Fx7trge& zs&1612ZXO0Yie5(2zrEDUu%23j(2AVXzY7ZD`XHZ5`r$1JjRu(_e~C9VA1KuVSi!- zasKSe*E?^!^|mcJsQ(ddMh<*3pU6>_AV$jIk?PPQ=C%xEEnH9_x}dpgMjg(!=HA8? zgo=+C1E><;<4O6J0ZNdNtKNjCwl&~8WGwb`D<98&OKwHTBs}k&@?~l0YtoR{oiXk? zwiI~}wPA6(!ngtE!w%6pWgkYr2uMC#hu**d@~9pG@{trE*b2Ei9xZtX*qmsQ-0Nk+!tqg-SNEM_- z5T?Y18?t8n(REuOODH>t(wD__=KKqYA9!H-YGkhDaZm%XLt{Z+x-cgqt8C$-3Gi%Q zz-8NBPK9`Dexm^#<7zROR#*i>6?Hczfy%cO!=G?gpI_c|^7oaMOG=fV`Hg!}`^13w z43<=&xB>^S4Wcg|p<8c?Ct_LB+y0n!_9Pkb(}q+C1%K4N=9(?AGxCZ1dCN*u85?4t zZB9=B@!{8Bh1!m}1CIjfv!!}rI+{Y~lFlR2rEnNLv&@PQB$m2J<2SQVRs{O+ZU@*=U#Qckb z=2xfhhkS`}kHJPEZD!#npDYwDv)L|k4a%1zUZo3>`p|)r3_`P$PZAPCPp)g}#w3=zCnCAj}bC_uec@fJ|7!E$Z8J0bFW()%;Lp;um}lZ#GbL zM?MF&=6IVC146ytyS_FA;E35%6b86a*p&0BA@&i7JfY}V#+R(~GZQO*X2wmUq$lse zk$;duI6x;Le{)>Aw`TR$h3v%JH_ZLJ*>on=md@(OLrx>8vTtea6r-BB-E3VdRJ_;C#UbR;1DcA?{=S zHnFFhpis3UZpv*q8npn5R;U}Qr1t?#Ocw;V=x{DPjiRUoAi@iMRs{-x;aOd5R2Xe;J*%A9HGsEo1*;c)hk0-{0SRS5tA!Yt^^sM=DBH02<*im@f}tRmckef-3B4ZSz2v*> zbNJd3uxh*RI`Dyvs|me?w9{<8DQj2(@5(jpAJrEw`mvG-Yc}+MqGEB) zdlrk>(Qqg2spmnh8&hz~q)3F|QhwPug(~oM^S+v$QD%K`6f%9s3s2eLVGk6$o-E z9@cY7@TaG#;i)@jUHI!?;`H$?Km0&6W8-KSai~@z+DF%a9F_bzKEQ3t9viG?uoFG0 zK?=hf#{eFpFM1!VeJ(ERdu6p?t65!b70rf2yXog2mb-Mo1EVK;n?ZFWcOo6$$!CN$ zT<)Gd=7zYy)8{(>?NfQ>?Poxq3r+GQI=F<0C{zzN)fg$$cdX_gV$^|c-%6~{=3iXw zdjDKDw-_|HFxkB?8EB>(RBQhYo`;7u9YC*!|B^38jQ}2ej!H_&?qb2l{wUBZY@W2i zPidN@kdctnTHC*z!+X48akRDZnsY3G5NI)F66tC4x1Mmn+axSJ0KBfX`36VgjsxQ@ z!I=hO7ZuuIG}LDjfe5_k@{3g^_|*`af2k1I+~9zg!Yv@r*g9?KE(y_XM8cJ34YNoW zb;?aSLx}f#v#H;)0c5Yly0IgDAWo(ygzOyTl_jh$)G)^cY$3=(pL$fST2QX44?g!L zGDdbhMDL*3k0JJAiV@~y)IJ*vz1Ca+=8t!MIm!HBljgBhE9b)8^i~*|P6pA40Db6N zYd~j4Xm(%}U>mUyGjeNB{vembIrL9^j`mGqQ8k;Tv1=h1b;;&p*>7xSszDaqAQ4!uY@`-Kf=KO@ zJD$6*xbx=XgG3$_-qtE?7M;8#J~u4mDK(>{;aj1lf1+^}A}D`bTuT}B!dp%0%mvyavMydO9qQi-_kiGQ!SGD8AV&#ecv)CpvfUJHK5zwA=^$EyHpU3GcVcTQK z@`r*GfW2ZNf0JImN+^jBu*amP+R!?;BNwYmQd0N{Q#HXT=j{VaKn!SYH$}a&k2Gdq zgA>w~&7%u&l6$2;+Rn@TEOXq5>3z80`K~!uNy6H=yyz+e>*SViJ+@A#r#YWOr_6um z@@cJg$C6hdtI6QNoY!|jmkm2RNH-OLIG0aCJ(HY?RdZbu5GaK(r(rh#JLywF!a!C$ z5gU*JD~xbRk|A3mL-?)^s+$0_Kx>sP26~znB~D#bGsX zg6wxfA#s=7VlK3xvf+smDD1wAi+5N~cM3rLe!QM;aGr}6CAHnTZ_yjq`xar)jsSy0 zIZxg~yE)dw_&Y*-KtN{;A-Q2%7RFuaB{^B8jTOC*jIHg?DHfE+uT96g%C zU3(8tW^6!e$JGArpbL(~y`+TR8+oMAQuiI(l!MS>Z{q&T_Ji%jV!%$B_#Z3}k2|Y6 z>#-NnGM_R6bdr!=8Lpq_@Y21|JHWKeKwik`LQkZ*!ENA)(J^h7kQA%}2PbEk_*As_ zmD$dhn>?f-9R)Th+i+T&O8tg{?vH!7TZpiIb6t%3k>%`PbH{wqWw~X`gb%2}`kkg& zfem@18PsXIQxa=>L}oBX0cHu*-nAaXDhN$4$ozxt*O>rsP|=)m1EVx9;g_Ic<(+9l z@!6WnEEr|XH;G1|Gd4Fi*{%ZufToQ+aTTD?^Q-s3AZRUbM#7Wvo1T+{G`vT7jj`s3 z1ke?4#GBF>25=P?w>QsBp`v&{ih2qE;zz{PcW1p#l1sH!H3grV!sbVn>y^^kW@~*+ z#E;9wkSYH{u46~Z1h390w6YcP?{7d$r&uGidu@&*i2Z~XNKAK1>E-yNBk7uf_H-Z= z$(vStDQ=GP`kBwbax_z|2Q7B3mGlo)_!W0|$6guH6j5d6_kE^op@BXJoruwvGghSF zaE_jNl^qvnrx&&K5g$U_*5;_+!ld3$GgeH#H{Pzf3%i#=(!Xgo74nCVX=d+XP&f}a zZ~HL%9oyPDzc*1uE)p`VC6RV_KPGIfrLA0`8A2DEhTfriuBuw5D+aB!Ah~xUDV0$a z9Js9Onr5y0B9;`=d&4&d4L3&{a$Hz|+yANZrEg?Z>kX<~u;Srs&gZCp1dS6VX(x1Y_aOIa_F9_-1RZ-&y)g2bvtR-Nds<^R+ z!Rrkko0|kP%%Y~ov16d?Qq0;ljYB?6kmmJN*Kp(qZ@!*uzO4b>OZbbaQOvJ=h|K3|toT$7%xEFSyA zmA{~XrQmmBP_PkOdIZABI@jC>o*INedei1kN@N+mK|-os)8Jn)fr<@T5qMigXM}gI ze?z79Kz-c&-Y&wJPND6dh4;qoH#!+aONppo%yi7wWz~m&*rXbd^eonovsusc)`M^i zL~eyY;Dnw{VNq|+-FciZ(%R{s4ahB1$Z$~^<+{Y?>~Q;)HAyvkiH4qJXAM4_Td4jj zqu#!r9!;e}=Y^d1%ShnN%O(>Y33d6I;qG`HwG>at!+9|x-W7PSTx1u8(cp#8bu=c9YZwmR-AUZ$Nb|Ki* z)G`?IapNIU?%*{O<6<>WDPKnh*MVMY!H$LvS(SF7XyI=@m1LbDLX{g!CI?)jGL8-& zoV0>!M25Uu6D6_`VMY6;-9Q}LqQ?|YZG1DIN2nvyqAxtDr9dQOr9MsFhtECuJ$IV3 z<~7|Og3Q)>oRN^*(kP--qDV^ z4$)OZIuTq34%tP9vyjD*O7MleNpo5HOuIK?+w#qZ$X~LwWyEX{bg332!Z}Iieyriu z9F2w{j@#rW)itn#IE6v6(Pw(ZKn<2*>O(x`Ji1F;%zPtr_tX?WM8`9+Amia}cmXqR z!qZpC_vi<}ip#gqb26owrewH*oIJaDeZ4#l{r4f@zFss}YmtD3XCzD?4Wl3I4fzB{ zLIt_rD!JRC0grr_M-z`Dn~R@?$-HC|Y{IE>5M)UrmADg67i4~m9$&u&xaX;*+ztbi zUrywuOyleH*XCOKPU_qN1_GTuM6f^+16LzYR7*Dl35n=VqfMv_RzwD}CP4%MU)BCr zw>)TD0AMwL2J{wr9)j*mPv!2=jk_9}8zj63_J$Bhm8C8D^X?O6ksJ8hFszDS6m~f3m<2&6b!I* z$bm_6eBu+SYchbaGva#_WreHHKMDb#av`&RcoH*p5LRx|}`;|LB5?GH~;8CD+*R<-hP?Agvg0 zfIh3R!O^PfU~$WXRz>B-#Z5Xw^ERq?c!x+@go>tZ)wyIVTH&Z*OUnTlnL>kZ~3e8JzF=NfdNcp#Ne z48hR0`OdmhnVv^#O1FHUDy(*vMpj=>Xo891m}dk+DA~LsghxiWsA_QzJ-*T9Z(d`A z<*;)T)C-h9X&#-P+3RXt&Ap~RrlOsyuJf*`hY!aPFbt2#V%nD^KjOyVY&sD;wd950 zyyn2>@-XRKedJ;ns|4tUPR%op@yYP-kO0vJ8LhOyzSZ>Kh!I5#PAk16-sCmxOJAp9VfDKzdDu9odc00!N3*8~zuvE%M{8+9R(-SF_f87V|B*2GU zIbdg})Fq^@rtEfs&T*N*6y)#GpS|3qFWn%!UO%y!8sC9+POOi z3VDbiVwPqB54?oCeW->fTgVV!C-KiTqyWR;iKuj);TxCT%-=hk;QPu-OR>{&0D+C9 z0bdl%Rx?ljC}6r8jbGK2QaAcLpghxKpTt3wvF!3u2Dk8OH({e)1Ko6rmkzI|`F@bQ zBS3rTt2fAFXxBc~K0SMGT)WN%X z&9eha4hhOptuyoZ6hNPSQ0^wRHaaU$Rdz<>={Jfn6LRn0L~ee6nVmqGhBM%1e-Rlx zc4tHv>bebu3v{3S7N>FNLcVT;`n@#=Y|(0NbTK5Go`9dIm}k81_sdusrj7rN6C|@0CbcWkt;A|qukCUK5QH?wlU}c@C+GN8gt=wVM@ra zfJ_1BfiM?GGrf4*Am)U@pBkZB!~Xv5+Hs^LeiUUfX=DYlwmUV~7`SyU9HJAW$gSFDZ$cFHRBb_F7i+Aw%JeTF! zcX(7pG6!!|Gbs~=n5&o$v{|v}hA4B+aNA>V)oVw~IBVPD$Fb+hg;0 zmQ#zLR#6^(NwfTNUW*t`)ZPfV5qwcYn9VL$~6 zxtPCQ_+*$|qX$mWtvJ(-xN9y!oEc|ZWp@-SP0YiW$g z6MD=Q$66Vxy5C^i!b%lR)udKT5YKMOeKH$f@{*7#bq(&y+tB;ocpUX<24d83EhlUgSqAX^yhF)IWzztv{cXq$ z3^h#Q=Uy7=OYMmM{3TX$9g=)6=uFD17xv1l%G&zR`{syewlO_M&q}C*)>a2h>Wu=G zp?dc=hH~;FJ8HLr>_6B!dnxtJ{AYHWqBj#PS~k`9{7MfGA5z{a)trgw>lEP7VLBVB z>+G9jW5(E-Z-MOu=d9t*#x&?|+1Zt+(vl!6 zb&KOkGM7&zwL=ASU5d$%lNip#tRFGYei3KBI)KHjtc^s%B6+WZh#X!j8!H?gqn_AI z5(lp_!u?>^aM{6*Mp2QU&Eu5gohB9SQzCC=dYSt&$8v1xgVsnr?k98$^W%Ud3qn4U zJ|afuvGda(y6<43rmJ(NUsa_27~hL=7dA~ge&8=?%N*kP2m&TMP3H~mB&FXMBn?_U zVK8)JpdkhJKv`aCnad*%;y{Y)3zp}2I62jW4C-U~cRl5kMmau!qnVk2uG%#c0Hs#f zK+W+QCL6^L-^IG+w<_XSo~4*!l#i(?{=a}>mzS#}8?XJnBaj+c3g(m`dQX38ZiV8N z1v>p~PW{|kZF}i>27}(>;LJ5`87|Y2>!wFNX{AHzb;R3YjS z3D2vEY~YIxguSvw4rzmSVWzvOQsv}ecwG*?amUyx9ViH@k1ISiDOB-Ett!5&<*=8s z|9d?4+dv1-MM|_$Tp(+W8LKb?3hsrZDu3zb2m-w2G6{_(S1HSPsB0SZb`9WTSRAJ4x_4AAjC*faV5zugC=^exA?iF8(AbV2Kyk77phld2vuC|+)7F0IqB3-;2KCcLwuATVSr7`km zv1~7p)qSi-&q~J+EIv_3?1qaanYN%%`Tel_H5ORF5M6Azv47)Pa7@(3oGCdpkbk|P zyuk5{tw4tXX1i?X$(VZzmjSUe>@JivPd%SiL?24{ddx!+w$0w|eIRCN)idH_*9SbC zT|0V6*_7!s=*J!ED*~m$#()Scv2kWPde%N+DnnYZ)Pmi)GPb<>zJwX^NMPXG1fxTr22be##4>%)~KpL=kGI%)<)#BS?h?8^eoV)zR2kr zqtt+$gO?_8Ed0`WEtcJKJSAFn215QC)~aDKrGB5-Bg#X%ymasSLDm0XrZZjm)(g&} z<0_22%;d-3><}qbJnL?(3ynyrhzSCjE)C9)T?$W*O)il|}P^WlyUC-32p;rb36)3KU;3hQ65*)4#$d-@Q zI@HJO4l1j5n$y7|`P|oYAF%J^co@5zvmL+jTJLVMIP1F#E0(RrbdZ{`+wjQoCjRLk z(SNm6B^B+E`oNHqG8cK+j#Pn58DiMTE6!>oM%RMrl{WDR6>-w>VhT;2A+ ztE;}?1ooI%`_F1MIhR(o-QgL3pmJ?V=NBOI$;zczi*;g%RBf|>5s1eIwP&VOagWY9 z_uwVhHyg$%a;;`w2X_wn5QqfO>`+*ZLN`Pisor>!Zy@F)E)kvIJYdUtUnHqB#XqtF zgdMC*c2q26PZ>O9S6v`|hl+_v@r0*I6`YXAdvO9+<#0oH_}LQ&Kff3C*!%aX@8v@5 zOfN|dZ^ji`NnY+X9G47dLoJY+6U&BLk?KN`GDAc>z>;yd32bS~&a=_QFoI`gYvmmh zrhGDfpFsh1q5Y~XAMJC}nR~~oZTrz(7I-CNLt%p1=g=Xr^@Zh#HIZbflM}WxMOUOR zUBnmpI4V=-dfS3j1ijT5?7v>V+e+5c1_jPwI7h zr(Bm24)R--aV`%Fy@$wfv^DBSqtP;&vq45?4_`o3Elsf!4g&tx#h7~x&)it`X zk-JJND~C@PGqa5gI-k@`U~?0@1%n|+s?0^hOirE^dsK4(gs*NxCO}s*zX}l|P%4na zZ$8}g2zbVc716%ec5x%mR*~P@7hFm{2=de?98WMx_Jl}HB~_3{=pxA(=nXD5w?>4f zrDtBR<3c~@&t_j*@o#>}cXJg=nrqTRGl4&mLjz*_CM`Y0(@tl+tAXi6Q?;5n0tXEC zgmIw(UK0n$>`%VXfVhx~&21L3;958h^HNcJDi=8O_PS6D;MtK(Mpsmn81z~I z8LfeD5VTUA!l!7fF%n=+Hh`7>w#+C8YV5K7CjQMbcOMQ$&AJ-&%Io)W^>abkfn*kD zA#{FMj7U5~5o!nWjh7iCTZ*XKhvG>;5;3-2S>rd@D9IZJKqDp1v@#5hZ#r3%O+zY4 zcbL#c@)ogZz%!pBz6G1-^G|FBmo)o1lnY`n)nf>(A548xgh9&bF=xjXojHD}-Dx7lHj8#$3oEo@;N z+x6A11J+-^F4%TDdj6hKytu!hJO4@W#|FN}d`I848g>RIxG7qU^N{2*T(?`axYW2P zVfb0X6N{*VFTw?OvNghbyw`xFU zI^lce`4{Fxh!kBuzT@t|By915Kz3~ms?DA*4hTzlBPk%4R=Q>e6KSsOfzAD4>^5cb zd3%`agRc*|D}W5gwu0Bz>ep9SEQ-a*(mxJP0*-+IfvRZH&nZrqqSZ8;K$qDZ=x9m@ z`%0aLAj=2d>7-Hz)>|ZrC%GyVhhS*b4=Tz$_{FEUOz zoMWJ7r1^RX(LD^H;9At&`hBV-hj&i4|ZIbDIzYc)!{pd3hHuU=Z`1UgW zYbELcIXw(H8nlJw%yvwPvXTvoprM`(4dWM7k@oJ@jGy*$M(E{6O{qtV9G6$brbIHY zq8kqc;5zg8=_g&trRT~6bwt?lDLIY!p`jp`hyw_%q$eig@P82)r0zu+R+l*+$a+qQ zItsmg5MI#FQTsBVFEzh%*E+P>6AuvCNa!fFN()0HI%Bd?ihtB*$(xyL%7LlP`*LZw zVZS_Zsz)Qe7dFGS8=>>i@Atlsm(XBAxuHiq7`fg-!n-<#})_A|LKY# zM&ufKH~+e(<8=7nn3mle%DL1mQ}w~u>_r4(s``9B8Xtoexjd+#G5Q&eW!G< zY^(t*-iTLZT#gBRZ;ziwW zf^=3$Yj*==>q6adctNg4i3Z}=?{cABzJcPv>BF|IMZf@7NAI4wy687Bz?A#``cWaa z!q*yQ_%N{o9_u>-kXJH{b*R9O&qFrsr*{bWx>NB>@akwxGRbbF%OajUWC-7Ve>UL5 z>g1;%WS}3UofxQ(oB`64AB1%MBfY{?ScO&c<)=)5->yi;_v_dIEFT!Ly;u7 zgexgQY#8htBTa!HU~tSv3&9f>P7CJ10txJNz5rx6H5c>W79%)u4b<2Ds1LXTT~`B> zN8n^VIVxY+cDZUg9bZTgRtHk6>z3Moi!?b8OufS%;OzMf&B~ev z%!OpTpF8^)RP5NeJ$_VEjF{?hNHX`=!-{=)JQ*Geo84|zJE8hlud^uCRy=vMn5o?{ z;>t{6bcI9(pb`_`SBe;e*6XWji2rHw7TTD^eXpxh&b7ea@cyCA(q`MaTDCvX?0AC2 z8tgH@v?xhTeQu&ICDQhm;#(`*bbWcOhy$+b8;@?Msm;GnD-QgDqIxca>cN~z44dD1 zkx`T^!$SI};er!IXixzpxX1n)8L;iBNbC27I9~X^7`Tb>VcH6F+5SX$G18Ln@|9GD zS%SBdP=|#e@^S^%Z?Mu*fUpkY8x>Umv+kJ>&3Xgf3)k3q2tfm51W0aLOh!apkMsvv zb@g9!HeZ;)cYhpNy50iQdw>EZ4K=%H$K@oN~_~JpA|3za)D7=AXfWq;pLNt1WI#m<)Pj zQ_N&rR{wb$Tbl53i)CXCe{m*k!}l2+Z9IoTjcKn6)&B}fXd`tH{bfn`lhT~uK1Pt( zdIMsIRS>vy+hwlE@c+MghgniwmeADKBXV~oAD5)ADP43;(xay3m4^!C_~~_orwAo^ zjC9Mr`VIM>!SE#3a_gpIvGnBkfplCAt7(8du z|0g!?C@qy>2xR3%71%cj&r$UQL4x2Oc&>5dhzC7P{-$8?GmTJ*8kdsyP&Ki3ijkj& zB;IeHsP{mZzCbjdz?C4P#L>K|*!qx8Xz_7f02E+}_4XFfi&vxf0J`evzis=K7X8iv ziZz-tL~$A1vro|IFKnF#biM-D*#fyv6+DGbRo_njsN3QZGSMGPVWS*=kD&}Tqehge zh7-ZySX_`GWE#DUsGGeMgbtN65ojKOQ3zDBS#aoaBS)`)E&Y~5_5W$=B$}4$ofh?% zb_-5lG(ev+tC}}Di<<2^EZCAwngU14-9d<^!G|5d0%zCh*!H*r9UHk4Pmr0;?z(tw zn3J*TFpHcsszYp38Bc)Z^Dsi-F1_CmT^19L07edY1_T4JSr=X@PyGD8A7G@;=>BJ~ zVTCR-UbvIuE z%R{e;mA|vuzoh)!9R3=sp9XZ?j9cw{)l7J{>; zh|S5qTe{1N$)JL@=!U=oq6k^o2~?2KDPuFh;*Q1SlCCo#q$bByJNh@anB)ojkj=N` zLK%n3Lr~Am7&J;ib?Qc(0OWsu=-)XMraB+b8fk9hC0T&cU(bpkHK*!G1{P+>1Zj!O zj)Oku1jrd9g91Q8aLKjh14Lj&FaZ!eDYgh0M#Az!fWmjcg+&q!= 0 && + !jQuery(node.parentNode).hasClass(className) && + !jQuery(node.parentNode).hasClass("nohighlight")) { + var span; + var isInSVG = jQuery(node).closest("body, svg, foreignObject").is("svg"); + if (isInSVG) { + span = document.createElementNS("http://www.w3.org/2000/svg", "tspan"); + } else { + span = document.createElement("span"); + span.className = className; + } + span.appendChild(document.createTextNode(val.substr(pos, text.length))); + node.parentNode.insertBefore(span, node.parentNode.insertBefore( + document.createTextNode(val.substr(pos + text.length)), + node.nextSibling)); + node.nodeValue = val.substr(0, pos); + if (isInSVG) { + var rect = document.createElementNS("http://www.w3.org/2000/svg", "rect"); + var bbox = node.parentElement.getBBox(); + rect.x.baseVal.value = bbox.x; + rect.y.baseVal.value = bbox.y; + rect.width.baseVal.value = bbox.width; + rect.height.baseVal.value = bbox.height; + rect.setAttribute('class', className); + addItems.push({ + "parent": node.parentNode, + "target": rect}); + } + } + } + else if (!jQuery(node).is("button, select, textarea")) { + jQuery.each(node.childNodes, function() { + highlight(this, addItems); + }); + } + } + var addItems = []; + var result = this.each(function() { + highlight(this, addItems); + }); + for (var i = 0; i < addItems.length; ++i) { + jQuery(addItems[i].parent).before(addItems[i].target); + } + return result; +}; + +/* + * backward compatibility for jQuery.browser + * This will be supported until firefox bug is fixed. + */ +if (!jQuery.browser) { + jQuery.uaMatch = function(ua) { + ua = ua.toLowerCase(); + + var match = /(chrome)[ \/]([\w.]+)/.exec(ua) || + /(webkit)[ \/]([\w.]+)/.exec(ua) || + /(opera)(?:.*version|)[ \/]([\w.]+)/.exec(ua) || + /(msie) ([\w.]+)/.exec(ua) || + ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || + []; + + return { + browser: match[ 1 ] || "", + version: match[ 2 ] || "0" + }; + }; + jQuery.browser = {}; + jQuery.browser[jQuery.uaMatch(navigator.userAgent).browser] = true; +} diff --git a/docs/build/html/_static/basic.css b/docs/build/html/_static/basic.css index 0119285..4e9a9f1 100644 --- a/docs/build/html/_static/basic.css +++ b/docs/build/html/_static/basic.css @@ -4,7 +4,7 @@ * * Sphinx stylesheet -- basic theme. * - * :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS. + * :copyright: Copyright 2007-2022 by the Sphinx team, see AUTHORS. * :license: BSD, see LICENSE for details. * */ @@ -15,6 +15,12 @@ div.clearer { clear: both; } +div.section::after { + display: block; + content: ''; + clear: left; +} + /* -- relbar ---------------------------------------------------------------- */ div.related { @@ -124,7 +130,7 @@ ul.search li a { font-weight: bold; } -ul.search li div.context { +ul.search li p.context { color: #888; margin: 2px 0 0 30px; text-align: left; @@ -216,7 +222,7 @@ table.modindextable td { /* -- general body styles --------------------------------------------------- */ div.body { - min-width: 450px; + min-width: 360px; max-width: 800px; } @@ -231,16 +237,6 @@ a.headerlink { visibility: hidden; } -a.brackets:before, -span.brackets > a:before{ - content: "["; -} - -a.brackets:after, -span.brackets > a:after { - content: "]"; -} - h1:hover > a.headerlink, h2:hover > a.headerlink, h3:hover > a.headerlink, @@ -271,25 +267,25 @@ p.rubric { font-weight: bold; } -img.align-left, .figure.align-left, object.align-left { +img.align-left, figure.align-left, .figure.align-left, object.align-left { clear: left; float: left; margin-right: 1em; } -img.align-right, .figure.align-right, object.align-right { +img.align-right, figure.align-right, .figure.align-right, object.align-right { clear: right; float: right; margin-left: 1em; } -img.align-center, .figure.align-center, object.align-center { +img.align-center, figure.align-center, .figure.align-center, object.align-center { display: block; margin-left: auto; margin-right: auto; } -img.align-default, .figure.align-default { +img.align-default, figure.align-default, .figure.align-default { display: block; margin-left: auto; margin-right: auto; @@ -313,24 +309,33 @@ img.align-default, .figure.align-default { /* -- sidebars -------------------------------------------------------------- */ -div.sidebar { +div.sidebar, +aside.sidebar { margin: 0 0 0.5em 1em; border: 1px solid #ddb; - padding: 7px 7px 0 7px; + padding: 7px; background-color: #ffe; width: 40%; float: right; + clear: right; + overflow-x: auto; } p.sidebar-title { font-weight: bold; } +nav.contents, +aside.topic, +div.admonition, div.topic, blockquote { + clear: left; +} /* -- topics ---------------------------------------------------------------- */ - +nav.contents, +aside.topic, div.topic { border: 1px solid #ccc; - padding: 7px 7px 0 7px; + padding: 7px; margin: 10px 0 10px 0; } @@ -352,10 +357,6 @@ div.admonition dt { font-weight: bold; } -div.admonition dl { - margin-bottom: 0; -} - p.admonition-title { margin: 0px 10px 5px 0px; font-weight: bold; @@ -366,9 +367,34 @@ div.body p.centered { margin-top: 25px; } +/* -- content of sidebars/topics/admonitions -------------------------------- */ + +div.sidebar > :last-child, +aside.sidebar > :last-child, +nav.contents > :last-child, +aside.topic > :last-child, +div.topic > :last-child, +div.admonition > :last-child { + margin-bottom: 0; +} + +div.sidebar::after, +aside.sidebar::after, +nav.contents::after, +aside.topic::after, +div.topic::after, +div.admonition::after, +blockquote::after { + display: block; + content: ''; + clear: both; +} + /* -- tables ---------------------------------------------------------------- */ table.docutils { + margin-top: 10px; + margin-bottom: 10px; border: 0; border-collapse: collapse; } @@ -398,10 +424,6 @@ table.docutils td, table.docutils th { border-bottom: 1px solid #aaa; } -table.footnote td, table.footnote th { - border: 0 !important; -} - th { text-align: left; padding-right: 5px; @@ -416,32 +438,34 @@ table.citation td { border-bottom: none; } -th > p:first-child, -td > p:first-child { +th > :first-child, +td > :first-child { margin-top: 0px; } -th > p:last-child, -td > p:last-child { +th > :last-child, +td > :last-child { margin-bottom: 0px; } /* -- figures --------------------------------------------------------------- */ -div.figure { +div.figure, figure { margin: 0.5em; padding: 0.5em; } -div.figure p.caption { +div.figure p.caption, figcaption { padding: 0.3em; } -div.figure p.caption span.caption-number { +div.figure p.caption span.caption-number, +figcaption span.caption-number { font-style: italic; } -div.figure p.caption span.caption-text { +div.figure p.caption span.caption-text, +figcaption span.caption-text { } /* -- field list styles ----------------------------------------------------- */ @@ -468,10 +492,71 @@ table.field-list td, table.field-list th { /* -- hlist styles ---------------------------------------------------------- */ +table.hlist { + margin: 1em 0; +} + table.hlist td { vertical-align: top; } +/* -- object description styles --------------------------------------------- */ + +.sig { + font-family: 'Consolas', 'Menlo', 'DejaVu Sans Mono', 'Bitstream Vera Sans Mono', monospace; +} + +.sig-name, code.descname { + background-color: transparent; + font-weight: bold; +} + +.sig-name { + font-size: 1.1em; +} + +code.descname { + font-size: 1.2em; +} + +.sig-prename, code.descclassname { + background-color: transparent; +} + +.optional { + font-size: 1.3em; +} + +.sig-paren { + font-size: larger; +} + +.sig-param.n { + font-style: italic; +} + +/* C++ specific styling */ + +.sig-inline.c-texpr, +.sig-inline.cpp-texpr { + font-family: unset; +} + +.sig.c .k, .sig.c .kt, +.sig.cpp .k, .sig.cpp .kt { + color: #0033B3; +} + +.sig.c .m, +.sig.cpp .m { + color: #1750EB; +} + +.sig.c .s, .sig.c .sc, +.sig.cpp .s, .sig.cpp .sc { + color: #067D17; +} + /* -- other body styles ----------------------------------------------------- */ @@ -495,26 +580,52 @@ ol.upperroman { list-style: upper-roman; } -li > p:first-child { +:not(li) > ol > li:first-child > :first-child, +:not(li) > ul > li:first-child > :first-child { margin-top: 0px; } -li > p:last-child { +:not(li) > ol > li:last-child > :last-child, +:not(li) > ul > li:last-child > :last-child { margin-bottom: 0px; } -dl.footnote > dt, -dl.citation > dt { - float: left; +ol.simple ol p, +ol.simple ul p, +ul.simple ol p, +ul.simple ul p { + margin-top: 0; } -dl.footnote > dd, -dl.citation > dd { - margin-bottom: 0em; +ol.simple > li:not(:first-child) > p, +ul.simple > li:not(:first-child) > p { + margin-top: 0; } -dl.footnote > dd:after, -dl.citation > dd:after { +ol.simple p, +ul.simple p { + margin-bottom: 0; +} +aside.footnote > span, +div.citation > span { + float: left; +} +aside.footnote > span:last-of-type, +div.citation > span:last-of-type { + padding-right: 0.5em; +} +aside.footnote > p { + margin-left: 2em; +} +div.citation > p { + margin-left: 4em; +} +aside.footnote > p:last-of-type, +div.citation > p:last-of-type { + margin-bottom: 0em; +} +aside.footnote > p:last-of-type:after, +div.citation > p:last-of-type:after { content: ""; clear: both; } @@ -531,10 +642,6 @@ dl.field-list > dt { padding-right: 5px; } -dl.field-list > dt:after { - content: ":"; -} - dl.field-list > dd { padding-left: 0.5em; margin-top: 0em; @@ -546,7 +653,7 @@ dl { margin-bottom: 15px; } -dd > p:first-child { +dd > :first-child { margin-top: 0px; } @@ -560,6 +667,11 @@ dd { margin-left: 30px; } +dl > dd:last-child, +dl > dd:last-child > :last-child { + margin-bottom: 0; +} + dt:target, span.highlighted { background-color: #fbe54e; } @@ -573,14 +685,6 @@ dl.glossary dt { font-size: 1.1em; } -.optional { - font-size: 1.3em; -} - -.sig-paren { - font-size: larger; -} - .versionmodified { font-style: italic; } @@ -621,8 +725,9 @@ dl.glossary dt { .classifier:before { font-style: normal; - margin: 0.5em; + margin: 0 0.5em; content: ":"; + display: inline-block; } abbr, acronym { @@ -637,29 +742,69 @@ pre { overflow-y: hidden; /* fixes display issues on Chrome browsers */ } +pre, div[class*="highlight-"] { + clear: both; +} + span.pre { -moz-hyphens: none; -ms-hyphens: none; -webkit-hyphens: none; hyphens: none; + white-space: nowrap; +} + +div[class*="highlight-"] { + margin: 1em 0; } td.linenos pre { - padding: 5px 0px; border: 0; background-color: transparent; color: #aaa; } table.highlighttable { - margin-left: 0.5em; + display: block; +} + +table.highlighttable tbody { + display: block; +} + +table.highlighttable tr { + display: flex; } table.highlighttable td { - padding: 0 0.5em 0 0.5em; + margin: 0; + padding: 0; +} + +table.highlighttable td.linenos { + padding-right: 0.5em; +} + +table.highlighttable td.code { + flex: 1; + overflow: hidden; +} + +.highlight .hll { + display: block; +} + +div.highlight pre, +table.highlighttable pre { + margin: 0; +} + +div.code-block-caption + div { + margin-top: 0; } div.code-block-caption { + margin-top: 1em; padding: 2px 5px; font-size: small; } @@ -668,12 +813,14 @@ div.code-block-caption code { background-color: transparent; } -div.code-block-caption + div > div.highlight > pre { - margin-top: 0; -} - -div.doctest > div.highlight span.gp { /* gp: Generic.Prompt */ - user-select: none; +table.highlighttable td.linenos, +span.linenos, +div.highlight span.gp { /* gp: Generic.Prompt */ + user-select: none; + -webkit-user-select: text; /* Safari fallback only */ + -webkit-user-select: none; /* Chrome/Safari */ + -moz-user-select: none; /* Firefox */ + -ms-user-select: none; /* IE10+ */ } div.code-block-caption span.caption-number { @@ -685,21 +832,7 @@ div.code-block-caption span.caption-text { } div.literal-block-wrapper { - padding: 1em 1em 0; -} - -div.literal-block-wrapper div.highlight { - margin: 0; -} - -code.descname { - background-color: transparent; - font-weight: bold; - font-size: 1.2em; -} - -code.descclassname { - background-color: transparent; + margin: 1em 0; } code.xref, a code { @@ -740,8 +873,7 @@ span.eqno { } span.eqno a.headerlink { - position: relative; - left: 0px; + position: absolute; z-index: 1; } diff --git a/docs/build/html/_static/classic.css b/docs/build/html/_static/classic.css deleted file mode 100644 index b4fd80f..0000000 --- a/docs/build/html/_static/classic.css +++ /dev/null @@ -1,266 +0,0 @@ -/* - * classic.css_t - * ~~~~~~~~~~~~~ - * - * Sphinx stylesheet -- classic theme. - * - * :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS. - * :license: BSD, see LICENSE for details. - * - */ - -@import url("basic.css"); - -/* -- page layout ----------------------------------------------------------- */ - -html { - /* CSS hack for macOS's scrollbar (see #1125) */ - background-color: #FFFFFF; -} - -body { - font-family: sans-serif; - font-size: 100%; - background-color: #11303d; - color: #000; - margin: 0; - padding: 0; -} - -div.document { - background-color: #1c4e63; -} - -div.documentwrapper { - float: left; - width: 100%; -} - -div.bodywrapper { - margin: 0 0 0 230px; -} - -div.body { - background-color: #ffffff; - color: #000000; - padding: 0 20px 30px 20px; -} - -div.footer { - color: #ffffff; - width: 100%; - padding: 9px 0 9px 0; - text-align: center; - font-size: 75%; -} - -div.footer a { - color: #ffffff; - text-decoration: underline; -} - -div.related { - background-color: #133f52; - line-height: 30px; - color: #ffffff; -} - -div.related a { - color: #ffffff; -} - -div.sphinxsidebar { -} - -div.sphinxsidebar h3 { - font-family: 'Trebuchet MS', sans-serif; - color: #ffffff; - font-size: 1.4em; - font-weight: normal; - margin: 0; - padding: 0; -} - -div.sphinxsidebar h3 a { - color: #ffffff; -} - -div.sphinxsidebar h4 { - font-family: 'Trebuchet MS', sans-serif; - color: #ffffff; - font-size: 1.3em; - font-weight: normal; - margin: 5px 0 0 0; - padding: 0; -} - -div.sphinxsidebar p { - color: #ffffff; -} - -div.sphinxsidebar p.topless { - margin: 5px 10px 10px 10px; -} - -div.sphinxsidebar ul { - margin: 10px; - padding: 0; - color: #ffffff; -} - -div.sphinxsidebar a { - color: #98dbcc; -} - -div.sphinxsidebar input { - border: 1px solid #98dbcc; - font-family: sans-serif; - font-size: 1em; -} - - - -/* -- hyperlink styles ------------------------------------------------------ */ - -a { - color: #355f7c; - text-decoration: none; -} - -a:visited { - color: #355f7c; - text-decoration: none; -} - -a:hover { - text-decoration: underline; -} - - - -/* -- body styles ----------------------------------------------------------- */ - -div.body h1, -div.body h2, -div.body h3, -div.body h4, -div.body h5, -div.body h6 { - font-family: 'Trebuchet MS', sans-serif; - background-color: #f2f2f2; - font-weight: normal; - color: #20435c; - border-bottom: 1px solid #ccc; - margin: 20px -20px 10px -20px; - padding: 3px 0 3px 10px; -} - -div.body h1 { margin-top: 0; font-size: 200%; } -div.body h2 { font-size: 160%; } -div.body h3 { font-size: 140%; } -div.body h4 { font-size: 120%; } -div.body h5 { font-size: 110%; } -div.body h6 { font-size: 100%; } - -a.headerlink { - color: #c60f0f; - font-size: 0.8em; - padding: 0 4px 0 4px; - text-decoration: none; -} - -a.headerlink:hover { - background-color: #c60f0f; - color: white; -} - -div.body p, div.body dd, div.body li, div.body blockquote { - text-align: justify; - line-height: 130%; -} - -div.admonition p.admonition-title + p { - display: inline; -} - -div.admonition p { - margin-bottom: 5px; -} - -div.admonition pre { - margin-bottom: 5px; -} - -div.admonition ul, div.admonition ol { - margin-bottom: 5px; -} - -div.note { - background-color: #eee; - border: 1px solid #ccc; -} - -div.seealso { - background-color: #ffc; - border: 1px solid #ff6; -} - -div.topic { - background-color: #eee; -} - -div.warning { - background-color: #ffe4e4; - border: 1px solid #f66; -} - -p.admonition-title { - display: inline; -} - -p.admonition-title:after { - content: ":"; -} - -pre { - padding: 5px; - background-color: #eeffcc; - color: #333333; - line-height: 120%; - border: 1px solid #ac9; - border-left: none; - border-right: none; -} - -code { - background-color: #ecf0f3; - padding: 0 1px 0 1px; - font-size: 0.95em; -} - -th, dl.field-list > dt { - background-color: #ede; -} - -.warning code { - background: #efc2c2; -} - -.note code { - background: #d6d6d6; -} - -.viewcode-back { - font-family: sans-serif; -} - -div.viewcode-block:target { - background-color: #f4debf; - border-top: 1px solid #ac9; - border-bottom: 1px solid #ac9; -} - -div.code-block-caption { - color: #efefef; - background-color: #1c4e63; -} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/_common_adjust.css b/docs/build/html/_static/css/adjust_theme/_common_adjust.css new file mode 100644 index 0000000..974e930 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/_common_adjust.css @@ -0,0 +1,71 @@ + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: {{ table_border_color }}; +} +table.docutils tr { + color: {{ table_color }}; + background-color: {{ table_background_color }} ; +} +table.docutils th, +table.docutils td +{ + border-color: {{ table_border_color }}; +} +table.docutils tbody + tbody { + border-color: {{ table_border_color }}; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: {{ table_border_color }}; +} + +/* -- admonition -- */ +div.admonition { + color: {{ warning_color }}; + background-color: {{ warning_background_color }}; + border-color: {{ warning_border_color }}; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: {{ danger_color }}; + background-color: {{ danger_background_color }}; + border-color: {{ danger_border_color }}; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: {{ warning_color }}; + background-color: {{ warning_background_color }}; + border-color: {{ warning_border_color }}; +} + +/* -- note, important -- */ +div.note, +div.important { + color: {{ note_color }}; + background-color: {{ note_background_color }}; + border-color: {{ note_border_color }}; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: {{ hint_color }}; + background-color: {{ hint_background_color }}; + border-color: {{ hint_border_color }}; +} + +div.topic { + background-color: {{ table_oddrow_color }}; + border-color: {{ table_border_color }}; +} diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-amelia.css b/docs/build/html/_static/css/adjust_theme/bootswatch-amelia.css new file mode 100644 index 0000000..155ad25 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-amelia.css @@ -0,0 +1,134 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #357279; +} +table.docutils tr { + color: #fff; + background-color: #108a93 ; +} +table.docutils th, +table.docutils td +{ + border-color: #357279; +} +table.docutils tbody + tbody { + border-color: #357279; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #357279; +} + +/* -- admonition -- */ +div.admonition { + color: rgba(255, 255, 255, 0.9); + background-color: #df6e1e; + border-color: #df6e1e; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: rgba(255, 255, 255, 0.9); + background-color: #d5b321; + border-color: #d5b321; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: rgba(255, 255, 255, 0.9); + background-color: #df6e1e; + border-color: #df6e1e; +} + +/* -- note, important -- */ +div.note, +div.important { + color: rgba(255, 255, 255, 0.9); + background-color: #48ca3b; + border-color: #48ca3b; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: rgba(255, 255, 255, 0.9); + background-color: #4d3a7d; + border-color: #4d3a7d; +} + +div.topic { + background-color: ; + border-color: #357279; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #00747d !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #00747d; + border: none; + box-shadow: none; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #00747d; + border-top: 1px solid #00747d; + border-bottom: 1px solid #00747d; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + background-color: #d92432; + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #e5c953; + color: #ffffff; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-cerulean.css b/docs/build/html/_static/css/adjust_theme/bootswatch-cerulean.css new file mode 100644 index 0000000..e9b91e6 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-cerulean.css @@ -0,0 +1,118 @@ + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #555; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: ; + background-color: ; + border-color: ; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: ; + background-color: ; + border-color: ; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: ; + background-color: ; + border-color: ; +} + +/* -- note, important -- */ +div.note, +div.important { + color: ; + background-color: ; + border-color: ; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: ; + background-color: ; + border-color: ; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #eeeeee; + border: 1px solid #eeeeee; + box-shadow: none; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + background-color: #178acc; + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #022f5a; + color: #ffffff; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-cosmo.css b/docs/build/html/_static/css/adjust_theme/bootswatch-cosmo.css new file mode 100644 index 0000000..5fa8833 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-cosmo.css @@ -0,0 +1,135 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #333; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #ff7518; + border-color: transparent; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #ff0039; + border-color: transparent; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #ff7518; + border-color: transparent; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #3fb618; + border-color: #transparent; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #9954bb; + border-color: transparent; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #e6e6e6 !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #e6e6e6; + border: 1px solid #e6e6e6; + box-shadow: none; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #e6e6e6; + border-top: 1px solid #e6e6e6; + border-bottom: 1px solid #e6e6e6; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + background-color: #090909; + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #0066cc; + color: #ffffff; +} + diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-cyborg.css b/docs/build/html/_static/css/adjust_theme/bootswatch-cyborg.css new file mode 100644 index 0000000..b32cde3 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-cyborg.css @@ -0,0 +1,145 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #222222; +} +table.docutils tr { + color: #888; + background-color: #060606 ; +} +table.docutils th, +table.docutils td +{ + border-color: #222222; +} +table.docutils tbody + tbody { + border-color: #222222; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #222222; +} + +/* -- admonition -- */ +div.admonition { + color: #eeeeee; + background-color: #666666; + border-color: transparent; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #eeeeee; + background-color: #cc0000; + border-color: transparent; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #eeeeee; + background-color: #666666; + border-color: transparent; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #eeeeee; + background-color: #5c8a00; + border-color: #transparent; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #007399; + border-color: transparent; +} + +div.topic { + background-color: ; + border-color: #222222; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #282828 !important; +} + +/* Field-list + ---------------------------------------------------------*/ + +table.field-list { + background-color: #060606; +} + +/* Citation + ---------------------------------------------------------*/ + +table.citation{ + background-color: #060606; +} + +/* Footnote + ---------------------------------------------------------*/ + +table.footnote { + background-color: #060606; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #222222; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #282828; + border-top: 1px solid #282828; + border-bottom: 1px solid #282828; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a:hover{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ffffff; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-darkly.css b/docs/build/html/_static/css/adjust_theme/bootswatch-darkly.css new file mode 100644 index 0000000..0db84dd --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-darkly.css @@ -0,0 +1,132 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #464545; +} +table.docutils tr { + color: #fff; + background-color: #222 ; +} +table.docutils th, +table.docutils td +{ + border-color: #464545; +} +table.docutils tbody + tbody { + border-color: #464545; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #464545; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f59d00; + border-color: #f59d00; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #e94b35; + border-color: #e94b35; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f59d00; + border-color: #f59d00; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #00bd8b; + border-color: #00bd8b; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #2c97de; + border-color: #2c97de; +} + +div.topic { + background-color: ; + border-color: #464545; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #464545 !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #464545; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #464545; + border-top: 1px solid #464545; + border-bottom: 1px solid #464545; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #00bc8c; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #375a7f; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-flatly.css b/docs/build/html/_static/css/adjust_theme/bootswatch-flatly.css new file mode 100644 index 0000000..b94f76d --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-flatly.css @@ -0,0 +1,126 @@ + + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #ecf0f1; +} +table.docutils tr { + color: #2c3e50; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #ecf0f1; +} +table.docutils tbody + tbody { + border-color: #ecf0f1; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #ecf0f1; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #ec9B00; + border-color: #ec9B00; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #dd4838; + border-color: #dd4838; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #ec9B00; + border-color: #ec9B00; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #40bc9c; + border-color: #40bc9c; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #4b99dc; + border-color: #4b99dc; +} + +div.topic { + background-color: ; + border-color: #ecf0f1; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #ecf0f1 !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #ecf0f1; + border-top: 1px solid #ecf0f1; + border-bottom: 1px solid #ecf0f1; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #00bc8c; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #2c3e50; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-journal.css b/docs/build/html/_static/css/adjust_theme/bootswatch-journal.css new file mode 100644 index 0000000..e9f55e9 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-journal.css @@ -0,0 +1,141 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #777777; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f77400; + border-color: #f77400; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #ed6761; + border-color: #ed6761; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f77400; + border-color: #f77400; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #11b446; + border-color: #11b446; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #306598; + border-color: #306598; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #eeeeee; + border-color: #eeeeee; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #000000; +} +ul.sp-localtoc ul a:hover{ + background-color: #eeeeee; + color: #000000; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #e74b47; + color: #ffffff; +} + +/* Etc + ---------------------------------------------------------*/ + +div.navbar-inner ul.pull-right li a{ + font-size: 15px; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-lumen.css b/docs/build/html/_static/css/adjust_theme/bootswatch-lumen.css new file mode 100644 index 0000000..d40f583 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-lumen.css @@ -0,0 +1,133 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #555; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #ff8500; + border-color: #ff8500; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #ff3f2c; + border-color: #ff3f2c; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #ff8500; + border-color: #ff8500; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #18B81D; + border-color: #18B81D; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #71CAED; + border-color: #71CAED; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #fafafa; + border-color: #eeeeee; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #999999; +} +ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #333333; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #999999; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: transparent; + color: #333333; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-paper.css b/docs/build/html/_static/css/adjust_theme/bootswatch-paper.css new file mode 100644 index 0000000..6a2bcc6 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-paper.css @@ -0,0 +1,91 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #666; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f19842; + border-color: #f19842; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #d23f3c; + border-color: #d23f3c; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f19842; + border-color: #f19842; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #69a858; + border-color: #69a858; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #8e45ab; + border-color: #8e45ab; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-readable.css b/docs/build/html/_static/css/adjust_theme/bootswatch-readable.css new file mode 100644 index 0000000..e7847c1 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-readable.css @@ -0,0 +1,145 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #333; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f2ae43; + border-color: #f2ae43; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #db524b; + border-color: #db524b; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f2ae43; + border-color: #f2ae43; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #39af40; + border-color: #39af40; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #56C0E0; + border-color: #56C0E0; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #f7f7f7; + border-color: #eeeeee; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + margin-left: 7px; + margin-right: 7px; + border: 1px solid transparent; + border-radius: 4px; + color: #4582ec; +} +ul.sp-localtoc ul a:hover{ + border-color: #dddddd; + color: #4582ec; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #333333; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #333333; +} + + +/* Etc + ---------------------------------------------------------*/ + +div.navbar-inner ul.pull-right li a{ + font-size: 15px; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-sandstone.css b/docs/build/html/_static/css/adjust_theme/bootswatch-sandstone.css new file mode 100644 index 0000000..470db3d --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-sandstone.css @@ -0,0 +1,91 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #3e3f3a; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #e48353; + border-color: #e48353; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #c9605a; + border-color: #c9605a; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #e48353; + border-color: #e48353; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #9fbe5b; + border-color: #9fbe5b; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #55abda; + border-color: #55abda; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-simplex.css b/docs/build/html/_static/css/adjust_theme/bootswatch-simplex.css new file mode 100644 index 0000000..6acc691 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-simplex.css @@ -0,0 +1,133 @@ + + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #777; + background-color: #fcfcfc ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #9c43a1; + border-color: #9c43a1; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #d88400; + border-color: #d88400; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #9c43a1; + border-color: #9c43a1; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #439500; + border-color: #439500; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #0099d1; + border-color: #0099d1; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #dddddd !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #dddddd; + border-top: 1px solid #dddddd; + border-bottom: 1px solid #dddddd; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #f4f4f4; + border: none; + box-shadow: none; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #333333; +} +ul.sp-localtoc ul a:hover{ + color: #d9230f; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #fac0ba; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-slate.css b/docs/build/html/_static/css/adjust_theme/bootswatch-slate.css new file mode 100644 index 0000000..665e09d --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-slate.css @@ -0,0 +1,155 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #1c1e22; +} +table.docutils tr { + color: #c8c8c8; + background-color: #272b30 ; +} +table.docutils th, +table.docutils td +{ + border-color: #1c1e22; +} +table.docutils tbody + tbody { + border-color: #1c1e22; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #1c1e22; +} + +/* -- admonition -- */ +div.admonition { + color: rgba(255, 255, 255, 0.9); + background-color: #fa9500; + border-color: #eb6500; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: rgba(255, 255, 255, 0.9); + background-color: #f05e57; + border-color: #ef4b60; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: rgba(255, 255, 255, 0.9); + background-color: #fa9500; + border-color: #eb6500; +} + +/* -- note, important -- */ +div.note, +div.important { + color: rgba(255, 255, 255, 0.9); + background-color: #468847; + border-color: #5ec65d; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: rgba(255, 255, 255, 0.9); + background-color: #56C0E0; + border-color: #31ced9; +} + +div.topic { + background-color: ; + border-color: #1c1e22; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #1c1e22 !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #1c1e22; + border-top: 1px solid #1c1e22; + border-bottom: 1px solid #1c1e22; +} + + +/* Field-list + ---------------------------------------------------------*/ + +table.field-list { + background-color: #272B30; +} + +/* Citation + ---------------------------------------------------------*/ + +table.citation{ + background-color: #272B30; +} + +/* Footnote + ---------------------------------------------------------*/ + +table.footnote { + background-color: #272B30; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #1c1e22; + border-color: #0b0b0d; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #c8c8c8; +} +ul.sp-localtoc ul a:hover{ + background-color: #272b2e; + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #c8c8c8; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #272b2e; + color: #ffffff; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-solar.css b/docs/build/html/_static/css/adjust_theme/bootswatch-solar.css new file mode 100644 index 0000000..a70279b --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-solar.css @@ -0,0 +1,155 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #1c1e22; +} +table.docutils tr { + color: #839496; + background-color: #002b36 ; +} +table.docutils th, +table.docutils td +{ + border-color: #1c1e22; +} +table.docutils tbody + tbody { + border-color: #1c1e22; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #1c1e22; +} + +/* -- admonition -- */ +div.admonition { + color: rgba(255, 255, 255, 0.9); + background-color: #fa9500; + border-color: #eb6500; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: rgba(255, 255, 255, 0.9); + background-color: #f05e57; + border-color: #ef4b60; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: rgba(255, 255, 255, 0.9); + background-color: #fa9500; + border-color: #eb6500; +} + +/* -- note, important -- */ +div.note, +div.important { + color: rgba(255, 255, 255, 0.9); + background-color: #468847; + border-color: #5ec65d; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: rgba(255, 255, 255, 0.9); + background-color: #56C0E0; + border-color: #31ced9; +} + +div.topic { + background-color: ; + border-color: #1c1e22; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #1c1e22 !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #1c1e22; + border-top: 1px solid #1c1e22; + border-bottom: 1px solid #1c1e22; +} + + +/* Field-list + ---------------------------------------------------------*/ + +table.field-list { + background-color: #272B30; +} + +/* Citation + ---------------------------------------------------------*/ + +table.citation{ + background-color: #272B30; +} + +/* Footnote + ---------------------------------------------------------*/ + +table.footnote { + background-color: #272B30; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #1c1e22; + border-color: #0b0b0d; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #c8c8c8; +} +ul.sp-localtoc ul a:hover{ + background-color: #272b2e; + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #c8c8c8; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + background-color: #272b2e; + color: #ffffff; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-spacelab.css b/docs/build/html/_static/css/adjust_theme/bootswatch-spacelab.css new file mode 100644 index 0000000..969df6e --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-spacelab.css @@ -0,0 +1,144 @@ + + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #666; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #d47500; + border-color: #c54c00; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #cd0200; + border-color: #be001e; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #d47500; + border-color: #c54c00; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #3cb521; + border-color: #4b9f1d; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #3399f3; + border-color: #11adf1; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #eeeeee; + border: none; + box-shadow: none; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #777777; +} +ul.sp-localtoc ul a:hover{ + color: #3399f3; + -webkit-transition: color ease-in-out .2s; + transition: color ease-in-out .2s; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #c8c8c8; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ffffff; + -webkit-transition: color ease-in-out .2s; + transition: color ease-in-out .2s; +} + +/* Etc + ---------------------------------------------------------*/ + +div.navbar-inner ul.pull-right li a{ + font-size: 12px; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-spruce.css b/docs/build/html/_static/css/adjust_theme/bootswatch-spruce.css new file mode 100644 index 0000000..dd840b0 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-spruce.css @@ -0,0 +1,108 @@ + + + + + + + + + + + + + + + + + + + + + + +div.navbar-inner ul.pull-right li a{ + font-size: 15px; +} + +@media (max-width: 480px) { + a.brand { + line-height: 25px; + } +} + +table.docutils th.head { + background-color: #015b4e; +color: #fff; +} + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #999999; +} +table.docutils tr { + color: #555; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #999999; +} +table.docutils tbody + tbody { + border-color: #999999; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #999999; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f26522; + border-color: #f13614; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #d14432; + border-color: #c72d35; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f26522; + border-color: #f13614; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #24c00b; + border-color: #3aa80a; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #185af9; + border-color: #066ee7; +} + +div.topic { + background-color: #eaeaea;; + border-color: #999999; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-superhero.css b/docs/build/html/_static/css/adjust_theme/bootswatch-superhero.css new file mode 100644 index 0000000..f400aee --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-superhero.css @@ -0,0 +1,194 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #4d5d6d; +} +table.docutils tr { + color: #ebebeb; + background-color: #2b3e50 ; +} +table.docutils th, +table.docutils td +{ + border-color: #4d5d6d; +} +table.docutils tbody + tbody { + border-color: #4d5d6d; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #4d5d6d; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f2ae43; + border-color: #f2ae43; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #db524b; + border-color: #db524b; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f2ae43; + border-color: #f2ae43; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #58b957; + border-color: #58b957; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #56c0e0; + border-color: #56c0e0; +} + +div.topic { + background-color: ; + border-color: #4d5d6d; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #4d5d6d !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #4d5d6d; + border-top: 1px solid #4d5d6d; + border-bottom: 1px solid #4d5d6d; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #4d5d6d; + border: none; + box-shadow: none; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + font-size: 12px; + color: #ebebeb; +} +ul.sp-localtoc ul a:hover{ + color: #ebebeb; + background-color: #485563; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ebebeb; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ebebeb; + background-color: #c85e17; +} + +/* Code + ---------------------------------------------------------*/ + +code, pre { + padding:0 3px 2px; + font-family:Menlo,Monaco,Consolas,"Courier New",monospace; + font-size:12px; + color:#3a3f44; + -webkit-border-radius:3px; + -moz-border-radius:3px; + border-radius:3px; +} +code{ + padding:2px 4px; + color:#d14; + background-color:#f7f7f9; + border:1px solid #e1e1e8; + white-space:nowrap; +} +pre{ + display:block; + padding:10px; + margin:0 0 10.5px; + font-size:13px; + line-height:21px; + word-break:break-all; + word-wrap:break-word; + white-space:pre; + white-space:pre-wrap; + background-color:#f5f5f5; + border:1px solid #ccc; + border:1px solid rgba(0, 0, 0, 0.15); + -webkit-border-radius:4px; + -moz-border-radius:4px; + border-radius:4px; +} +pre.prettyprint{ + margin-bottom:21px; +} +pre code{ + padding:0; + color:inherit; + white-space:pre; + white-space:pre-wrap; + background-color:transparent; + border:0; +} + +div.navbar-inner ul.pull-right li a{ + font-size: 15px; +} + + +@media (max-width: 480px) { + a.brand { + line-height: 30px; + } +} diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-united.css b/docs/build/html/_static/css/adjust_theme/bootswatch-united.css new file mode 100644 index 0000000..a269fc1 --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-united.css @@ -0,0 +1,134 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #333; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #f0b82d; + border-color: #f0b82d; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #e13622; + border-color: #e13622; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #f0b82d; + border-color: #f0b82d; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #30b644; + border-color: #30b644; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #782753; + border-color: #782753; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #eeeeee !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #eeeeee; + border-top: 1px solid #eeeeee; + border-bottom: 1px solid #eeeeee; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #eeeeee; + border: none; + box-shadow: none; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + color: #ffffff; + background-color: #97310e; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ffffff; + background-color: #3e152b; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/bootswatch-yeti.css b/docs/build/html/_static/css/adjust_theme/bootswatch-yeti.css new file mode 100644 index 0000000..3ffc9fb --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/bootswatch-yeti.css @@ -0,0 +1,134 @@ + + + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #dddddd; +} +table.docutils tr { + color: #222; + background-color: #fff ; +} +table.docutils th, +table.docutils td +{ + border-color: #dddddd; +} +table.docutils tbody + tbody { + border-color: #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #dddddd; +} + +/* -- admonition -- */ +div.admonition { + color: #ffffff; + background-color: #eb9100; + border-color: #d28100; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #f33f13; + border-color: #ed2c00; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #ffffff; + background-color: #eb9100; + border-color: #d28100; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #3ead68; + border-color: #379b5d; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #ffffff; + background-color: #56c0e0; + border-color: #3ab5da; +} + +div.topic { + background-color: ; + border-color: #dddddd; +} + +/* Heading + ---------------------------------------------------------*/ + +h2, h3, h4, h5, h6 { + border-bottom: 1px solid #dddddd !important; +} + +/* Genindex + ---------------------------------------------------------*/ + +div.genindex-jumpbox { + color: #dddddd; + border-top: 1px solid #dddddd; + border-bottom: 1px solid #dddddd; +} + +/* Contents + ---------------------------------------------------------*/ + +div.contents { + background-color: #fafafa; + border: none; + box-shadow: none; +} + +/* Smartphone Local Toc + ---------------------------------------------------------*/ + +ul.sp-localtoc ul a{ + color: #ffffff; +} +ul.sp-localtoc ul a:hover{ + color: #ffffff; + background-color: #272727; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #ffffff; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ffffff; + background-color: #006687; +} \ No newline at end of file diff --git a/docs/build/html/_static/css/adjust_theme/geo-bootstrap.css b/docs/build/html/_static/css/adjust_theme/geo-bootstrap.css new file mode 100644 index 0000000..26d833d --- /dev/null +++ b/docs/build/html/_static/css/adjust_theme/geo-bootstrap.css @@ -0,0 +1,105 @@ + + + + + + + + + + + + + + + + + + + +/* Table + ---------------------------------------------------------*/ + +table.docutils { + border-color: #228000; +} +table.docutils tr { + color: ; + background-color: ; +} +table.docutils th, +table.docutils td +{ + border-color: #228000; +} +table.docutils tbody + tbody { + border-color: #228000; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-color: #228000; +} + +/* -- admonition -- */ +div.admonition { + color: #000000; + background-color: #fcfe00; + border-color: #f40000; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #ffffff; + background-color: #f40000; + border-color: #a20000; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { + color: #000000; + background-color: #fcfe00; + border-color: #f40000; +} + +/* -- note, important -- */ +div.note, +div.important { + color: #ffffff; + background-color: #228000; + border-color: #2faa00; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #000000; + background-color: #57ffff; + border-color: #a8a900; +} + +div.topic { + background-color: ; + border-color: #228000; +} + +table.docutils { + -webkit-border-radius: 0px; + -moz-border-radius: 0px; + border-radius: 0px; +} + +div.admonition { + -webkit-border-radius: 0px; + -moz-border-radius: 0px; + border-radius: 0px; +} + +div.topic { + background: url("../../img/stars.gif") !important; +} diff --git a/docs/build/html/_static/css/basicstrap-base.css b/docs/build/html/_static/css/basicstrap-base.css new file mode 100644 index 0000000..81f8a7d --- /dev/null +++ b/docs/build/html/_static/css/basicstrap-base.css @@ -0,0 +1,381 @@ +@import url("../basic.css"); + + +/* Table + ---------------------------------------------------------*/ + +table { + border: 0; + max-width: 100%; + background-color: transparent; + border-collapse: collapse; + border-spacing: 0 !important; +} + +table.docutils { + width: 100%; + margin-bottom: 20px; + border: 1px solid #dddddd; + border-collapse: separate; + *border-collapse: collapse; + border-left: 0; + border-right: 0; +} + +table.docutils tr { + color: #333; + background-color: #fff; +} + +table.docutils th { + font-weight: bold; +} +table.docutils th, +table.docutils td +{ + padding: 8px; + line-height: 20px; + text-align: left; + vertical-align: top; + border: none; + border-spacing: 0 !important; + border-collapse: none; + border-top: 1px solid #dddddd; +} +table.docutils caption + thead tr:first-child th, +table.docutils caption + tbody tr:first-child th, +table.docutils caption + tbody tr:first-child td, +table.docutils colgroup + thead tr:first-child th, +table.docutils colgroup + tbody tr:first-child th, +table.docutils colgroup + tbody tr:first-child td, +table.docutils thead:first-child tr:first-child th, +table.docutils tbody:first-child tr:first-child th, +table.docutils tbody:first-child tr:first-child td { + border-top: 0; +} +table.docutils thead th { + vertical-align: bottom; +} +table.docutils tbody + tbody { + border-top: 2px solid #dddddd; +} + +/* Table-bordered + ---------------------------------------------------------*/ + +table.table-bordered { + border-top: 1px solid #dddddd; + border-left: 1px solid #dddddd; + border-right: none; +} +table.table-bordered > thead > tr > th, +table.table-bordered > tbody > tr > th, +table.table-bordered > tfoot > tr > th, +table.table-bordered > thead > tr > td, +table.table-bordered > tbody > tr > td, +table.table-bordered > tfoot > tr > td { + border-left: none; + border-bottom-width: 0; +} + +/* Highlight Table + ---------------------------------------------------------*/ + +.highlighttable { + width: 100%; +} + +.highlighttable .code pre { + font-size: 12px; +} + +.highlighttable .code { + max-width: 0; +} + +.highlighttable .linenos { + width: 1%; +} +.highlighttable .linenos pre { + word-break: normal; + font-size: 12px; +} + +.literal-block-wrapper { + padding: 0; +} + + +div.highlight { + background: none; +} + +/* Field-list + ---------------------------------------------------------*/ + +table.field-list { + width: auto; + border: none; +} + +/* Citation + ---------------------------------------------------------*/ + +table.citation{ + width: auto; + margin-bottom: 0; + border: none; +} +table.citation td.label { + font-size: 100%; + display: block; + line-height: normal; + background: inherit; +} + +/* Footnote + ---------------------------------------------------------*/ + +a.footnote-reference { + vertical-align: super; + font-size: 75%; +} + +table.footnote td.label { + font-size: 100%; + display: block; + line-height: normal; + background: inherit; +} + +table.footnote { + width: auto; + margin-bottom: 0px; + border: none; +} + + +/* Footer + ---------------------------------------------------------*/ + +footer { + width: 100%; + margin: 0; + text-align: center; + padding: 0px; + padding-left: auto; + padding-right: auto; +} + +/* Sidebar + ------------------------------------------------------- */ +div.sidebar { + border: none; + margin: 0; + padding: 0; + background: none; + width: 100%; + float: none; +} + +div.sidebar ul:second-child { + color: red; + background-color: #000 !important; + list-style: none !important; +} + +/* Definition lists + ----------------------------------------------------------- */ + +dl dd { + padding-left: 1em; +} + +/* Admonition styles + ----------------------------------------------------------- */ +div.admonition { + padding: 0.5em 2.5em 0.5em 1em; + margin-bottom: 20px; + color: #c09853; + text-shadow: 0 1px 0 rgba(255, 255, 255, 0.5); + background-color: #fcf8e3; + border: 1px solid #fbeed5; + -webkit-border-radius: 4px; + -moz-border-radius: 4px; + border-radius: 4px; +} + +div.admonition p { + padding: 0; +} + +div.admonition p.admonition-title { + margin: 0; + padding: 0.1em 0 0.1em 0; + font-weight: bold; +} + +div.admonition ul, div.admonition ol { + padding: 0.1em 0.5em 0.5em 2em; +} + +/* -- danger, error -- */ +div.danger, +div.error { + color: #b94a48; + background-color: #f2dede; + border-color: #eed3d7; +} + +/* -- warning, caution, attention -- */ +div.warning, +div.caution, +div.attention { +} + +div.warning table.docutils, +div.warning table.docutils th, +div.warning table.docutils td, +div.caution table.docutils, +div.caution table.docutils th, +div.caution table.docutils td, +div.attention table.docutils, +div.attention table.docutils th, +div.attention table.docutils td { +} + +div.warning blockquote, +div.caution blockquote, +div.attention blockquote { +} + +/* -- note, important -- */ +div.note, +div.important { + color: #468847; + background-color: #dff0d8; + border-color: #d6e9c6; +} + +/* -- hint, tip -- */ +div.hint, +div.tip { + color: #3a87ad; + background-color: #d9edf7; + border-color: #bce8f1; +} + + + +/* Etc + ----------------------------------------------------------- */ + +div.figure-round img { + -webkit-border-radius: 6px; + -moz-border-radius: 6px; + border-radius: 6px; +} + +div.figure-polaroid img{ + padding: 4px; + background-color: #fff; + border: 1px solid #ccc; + border: 1px solid rgba(0, 0, 0, 0.2); + -webkit-box-shadow: 0 1px 3px rgba(0, 0, 0, 0.1); + -moz-box-shadow: 0 1px 3px rgba(0, 0, 0, 0.1); + box-shadow: 0 1px 3px rgba(0, 0, 0, 0.1); +} + +div.figure-circle img { + -webkit-border-radius: 500px; + -moz-border-radius: 500px; + border-radius: 500px; +} + +a.headerlink { + font-size: 60% !important; + padding-left: 5px; +} + +/* +#searchbox .search-query { + width: 60%; +} +*/ + +div.topic { + min-height: 20px; + padding: 9px; + margin-bottom: 20px; + + background-color: #f5f5f5; + border: 1px solid #e3e3e3; + + -webkit-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.05); + -moz-box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.05); + box-shadow: inset 0 1px 1px rgba(0, 0, 0, 0.05); + -webkit-border-radius: 3px; + -moz-border-radius: 3px; + border-radius: 3px; +} + +ul.sp-localtoc { + list-style: none; + padding: 0; +} +ul.sp-localtoc ul{ + list-style: none; + padding-left: 0; +} +ul.sp-localtoc ul a{ + padding-left: 15px; + padding-top:7px; + padding-bottom:7px; + display: block; + text-decoration: none; + color: #777777; +} +ul.sp-localtoc ul a:hover{ + color: #555555; +} +ul.sp-localtoc ul ul{ + list-style: none; +} +ul.sp-localtoc ul ul a{ + padding-left: 25px; +} +ul.sp-localtoc ul ul ul a{ + padding-left: 35px; +} +ul.sp-localtoc ul ul ul ul a{ + padding-left: 45px; +} +ul.sp-localtoc ul ul ul ul ul a{ + padding-left: 55px; +} +ul.sp-localtoc ul ul ul ul ul a{ + padding-left: 65px; +} +div.navbar-inverse ul.sp-localtoc ul a{ + color: #999999; +} +div.navbar-inverse ul.sp-localtoc ul a:hover{ + color: #ffffff; +} + + +div.footer-relbar { + margin-top:10px; +} + +div.sidebar ul { + list-style: none; + padding-left: 10px; +} +div.sidebar ul ul { + list-style: initial; + padding-left: 40px; +} +div.sidebar p.topless { + padding-left: 10px; +} diff --git a/docs/build/html/_static/css/basicstrap.css b/docs/build/html/_static/css/basicstrap.css new file mode 100644 index 0000000..8bac6bb --- /dev/null +++ b/docs/build/html/_static/css/basicstrap.css @@ -0,0 +1,91 @@ +/* Bootstrap + ------------------------------------------------------- */ + +/* apply font awesome + ------------------------------------------------------- */ + +div.danger p.admonition-title:before, +div.error p.admonition-title:before, +div.warning p.admonition-title:before, +div.caution p.admonition-title:before, +div.attention p.admonition-title:before, +div.important p.admonition-title:before, +div.note p.admonition-title:before, +div.hint p.admonition-title:before, +div.tip p.admonition-title:before +{ + display: inline-block; + font-family: FontAwesome; + font-style: normal; + font-weight: normal; + line-height: 1; + -webkit-font-smoothing: antialiased; + -moz-osx-font-smoothing: grayscale; +} + +div.danger p.admonition-title:before, +div.error p.admonition-title:before { + content: "\f06a\00a0"; +} +div.warning p.admonition-title:before, +div.caution p.admonition-title:before, +div.attention p.admonition-title:before { + content: "\f071\00a0"; +} +div.important p.admonition-title:before, +div.note p.admonition-title:before { + content: "\f05a\00a0"; +} +div.hint p.admonition-title:before, +div.tip p.admonition-title:before { + content: "\f0eb\00a0"; +} + +h2, h3, h4, h5, h6 { + padding-bottom: 10px; + border-bottom: 1px solid #d0d0d0; +} + + +/* for tablet */ +@media (max-width: 767px) { + form.sp-searchbox div.input-append { + margin-top: 10px; + margin-left: 12px; + } + form.sp-searchbox div.input-append { + width: 90%; + + } + form.sp-searchbox input.search-query { + width: 100%; + } +} + +/* for smartphone */ +@media (max-width: 480px) { + a.brand { + width: 80%; + } + a.navbar-brand { + width: 80%; + height: 100%; + } + .searchbox .search-query { + width: 90%; + } +} + +/* for desktop */ +@media (min-width: 768px) { + + .navbar-inner div.container { + width: 900px; + } + + + div.container { + width: 900px; + } + +} diff --git a/docs/build/html/_static/css/bootstrap2/bootstrap-responsive.min.css b/docs/build/html/_static/css/bootstrap2/bootstrap-responsive.min.css new file mode 100644 index 0000000..f4ede63 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootstrap-responsive.min.css @@ -0,0 +1,9 @@ +/*! + * Bootstrap Responsive v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}@-ms-viewport{width:device-width}.hidden{display:none;visibility:hidden}.visible-phone{display:none!important}.visible-tablet{display:none!important}.hidden-desktop{display:none!important}.visible-desktop{display:inherit!important}@media(min-width:768px) and (max-width:979px){.hidden-desktop{display:inherit!important}.visible-desktop{display:none!important}.visible-tablet{display:inherit!important}.hidden-tablet{display:none!important}}@media(max-width:767px){.hidden-desktop{display:inherit!important}.visible-desktop{display:none!important}.visible-phone{display:inherit!important}.hidden-phone{display:none!important}}.visible-print{display:none!important}@media print{.visible-print{display:inherit!important}.hidden-print{display:none!important}}@media(min-width:1200px){.row{margin-left:-30px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:30px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:1170px}.span12{width:1170px}.span11{width:1070px}.span10{width:970px}.span9{width:870px}.span8{width:770px}.span7{width:670px}.span6{width:570px}.span5{width:470px}.span4{width:370px}.span3{width:270px}.span2{width:170px}.span1{width:70px}.offset12{margin-left:1230px}.offset11{margin-left:1130px}.offset10{margin-left:1030px}.offset9{margin-left:930px}.offset8{margin-left:830px}.offset7{margin-left:730px}.offset6{margin-left:630px}.offset5{margin-left:530px}.offset4{margin-left:430px}.offset3{margin-left:330px}.offset2{margin-left:230px}.offset1{margin-left:130px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.564102564102564%;*margin-left:2.5109110747408616%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.564102564102564%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.45299145299145%;*width:91.39979996362975%}.row-fluid .span10{width:82.90598290598291%;*width:82.8527914166212%}.row-fluid .span9{width:74.35897435897436%;*width:74.30578286961266%}.row-fluid .span8{width:65.81196581196582%;*width:65.75877432260411%}.row-fluid .span7{width:57.26495726495726%;*width:57.21176577559556%}.row-fluid .span6{width:48.717948717948715%;*width:48.664757228587014%}.row-fluid .span5{width:40.17094017094017%;*width:40.11774868157847%}.row-fluid .span4{width:31.623931623931625%;*width:31.570740134569924%}.row-fluid .span3{width:23.076923076923077%;*width:23.023731587561375%}.row-fluid .span2{width:14.52991452991453%;*width:14.476723040552828%}.row-fluid .span1{width:5.982905982905983%;*width:5.929714493544281%}.row-fluid .offset12{margin-left:105.12820512820512%;*margin-left:105.02182214948171%}.row-fluid .offset12:first-child{margin-left:102.56410256410257%;*margin-left:102.45771958537915%}.row-fluid .offset11{margin-left:96.58119658119658%;*margin-left:96.47481360247316%}.row-fluid .offset11:first-child{margin-left:94.01709401709402%;*margin-left:93.91071103837061%}.row-fluid .offset10{margin-left:88.03418803418803%;*margin-left:87.92780505546462%}.row-fluid .offset10:first-child{margin-left:85.47008547008548%;*margin-left:85.36370249136206%}.row-fluid .offset9{margin-left:79.48717948717949%;*margin-left:79.38079650845607%}.row-fluid .offset9:first-child{margin-left:76.92307692307693%;*margin-left:76.81669394435352%}.row-fluid .offset8{margin-left:70.94017094017094%;*margin-left:70.83378796144753%}.row-fluid .offset8:first-child{margin-left:68.37606837606839%;*margin-left:68.26968539734497%}.row-fluid .offset7{margin-left:62.393162393162385%;*margin-left:62.28677941443899%}.row-fluid .offset7:first-child{margin-left:59.82905982905982%;*margin-left:59.72267685033642%}.row-fluid .offset6{margin-left:53.84615384615384%;*margin-left:53.739770867430444%}.row-fluid .offset6:first-child{margin-left:51.28205128205128%;*margin-left:51.175668303327875%}.row-fluid .offset5{margin-left:45.299145299145295%;*margin-left:45.1927623204219%}.row-fluid .offset5:first-child{margin-left:42.73504273504273%;*margin-left:42.62865975631933%}.row-fluid .offset4{margin-left:36.75213675213675%;*margin-left:36.645753773413354%}.row-fluid .offset4:first-child{margin-left:34.18803418803419%;*margin-left:34.081651209310785%}.row-fluid .offset3{margin-left:28.205128205128204%;*margin-left:28.0987452264048%}.row-fluid .offset3:first-child{margin-left:25.641025641025642%;*margin-left:25.53464266230224%}.row-fluid .offset2{margin-left:19.65811965811966%;*margin-left:19.551736679396257%}.row-fluid .offset2:first-child{margin-left:17.094017094017094%;*margin-left:16.98763411529369%}.row-fluid .offset1{margin-left:11.11111111111111%;*margin-left:11.004728132387708%}.row-fluid .offset1:first-child{margin-left:8.547008547008547%;*margin-left:8.440625568285142%}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:30px}input.span12,textarea.span12,.uneditable-input.span12{width:1156px}input.span11,textarea.span11,.uneditable-input.span11{width:1056px}input.span10,textarea.span10,.uneditable-input.span10{width:956px}input.span9,textarea.span9,.uneditable-input.span9{width:856px}input.span8,textarea.span8,.uneditable-input.span8{width:756px}input.span7,textarea.span7,.uneditable-input.span7{width:656px}input.span6,textarea.span6,.uneditable-input.span6{width:556px}input.span5,textarea.span5,.uneditable-input.span5{width:456px}input.span4,textarea.span4,.uneditable-input.span4{width:356px}input.span3,textarea.span3,.uneditable-input.span3{width:256px}input.span2,textarea.span2,.uneditable-input.span2{width:156px}input.span1,textarea.span1,.uneditable-input.span1{width:56px}.thumbnails{margin-left:-30px}.thumbnails>li{margin-left:30px}.row-fluid .thumbnails{margin-left:0}}@media(min-width:768px) and (max-width:979px){.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:724px}.span12{width:724px}.span11{width:662px}.span10{width:600px}.span9{width:538px}.span8{width:476px}.span7{width:414px}.span6{width:352px}.span5{width:290px}.span4{width:228px}.span3{width:166px}.span2{width:104px}.span1{width:42px}.offset12{margin-left:764px}.offset11{margin-left:702px}.offset10{margin-left:640px}.offset9{margin-left:578px}.offset8{margin-left:516px}.offset7{margin-left:454px}.offset6{margin-left:392px}.offset5{margin-left:330px}.offset4{margin-left:268px}.offset3{margin-left:206px}.offset2{margin-left:144px}.offset1{margin-left:82px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.7624309392265194%;*margin-left:2.709239449864817%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.7624309392265194%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.43646408839778%;*width:91.38327259903608%}.row-fluid .span10{width:82.87292817679558%;*width:82.81973668743387%}.row-fluid .span9{width:74.30939226519337%;*width:74.25620077583166%}.row-fluid .span8{width:65.74585635359117%;*width:65.69266486422946%}.row-fluid .span7{width:57.18232044198895%;*width:57.12912895262725%}.row-fluid .span6{width:48.61878453038674%;*width:48.56559304102504%}.row-fluid .span5{width:40.05524861878453%;*width:40.00205712942283%}.row-fluid .span4{width:31.491712707182323%;*width:31.43852121782062%}.row-fluid .span3{width:22.92817679558011%;*width:22.87498530621841%}.row-fluid .span2{width:14.3646408839779%;*width:14.311449394616199%}.row-fluid .span1{width:5.801104972375691%;*width:5.747913483013988%}.row-fluid .offset12{margin-left:105.52486187845304%;*margin-left:105.41847889972962%}.row-fluid .offset12:first-child{margin-left:102.76243093922652%;*margin-left:102.6560479605031%}.row-fluid .offset11{margin-left:96.96132596685082%;*margin-left:96.8549429881274%}.row-fluid .offset11:first-child{margin-left:94.1988950276243%;*margin-left:94.09251204890089%}.row-fluid .offset10{margin-left:88.39779005524862%;*margin-left:88.2914070765252%}.row-fluid .offset10:first-child{margin-left:85.6353591160221%;*margin-left:85.52897613729868%}.row-fluid .offset9{margin-left:79.8342541436464%;*margin-left:79.72787116492299%}.row-fluid .offset9:first-child{margin-left:77.07182320441989%;*margin-left:76.96544022569647%}.row-fluid .offset8{margin-left:71.2707182320442%;*margin-left:71.16433525332079%}.row-fluid .offset8:first-child{margin-left:68.50828729281768%;*margin-left:68.40190431409427%}.row-fluid .offset7{margin-left:62.70718232044199%;*margin-left:62.600799341718584%}.row-fluid .offset7:first-child{margin-left:59.94475138121547%;*margin-left:59.838368402492065%}.row-fluid .offset6{margin-left:54.14364640883978%;*margin-left:54.037263430116376%}.row-fluid .offset6:first-child{margin-left:51.38121546961326%;*margin-left:51.27483249088986%}.row-fluid .offset5{margin-left:45.58011049723757%;*margin-left:45.47372751851417%}.row-fluid .offset5:first-child{margin-left:42.81767955801105%;*margin-left:42.71129657928765%}.row-fluid .offset4{margin-left:37.01657458563536%;*margin-left:36.91019160691196%}.row-fluid .offset4:first-child{margin-left:34.25414364640884%;*margin-left:34.14776066768544%}.row-fluid .offset3{margin-left:28.45303867403315%;*margin-left:28.346655695309746%}.row-fluid .offset3:first-child{margin-left:25.69060773480663%;*margin-left:25.584224756083227%}.row-fluid .offset2{margin-left:19.88950276243094%;*margin-left:19.783119783707537%}.row-fluid .offset2:first-child{margin-left:17.12707182320442%;*margin-left:17.02068884448102%}.row-fluid .offset1{margin-left:11.32596685082873%;*margin-left:11.219583872105325%}.row-fluid .offset1:first-child{margin-left:8.56353591160221%;*margin-left:8.457152932878806%}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:710px}input.span11,textarea.span11,.uneditable-input.span11{width:648px}input.span10,textarea.span10,.uneditable-input.span10{width:586px}input.span9,textarea.span9,.uneditable-input.span9{width:524px}input.span8,textarea.span8,.uneditable-input.span8{width:462px}input.span7,textarea.span7,.uneditable-input.span7{width:400px}input.span6,textarea.span6,.uneditable-input.span6{width:338px}input.span5,textarea.span5,.uneditable-input.span5{width:276px}input.span4,textarea.span4,.uneditable-input.span4{width:214px}input.span3,textarea.span3,.uneditable-input.span3{width:152px}input.span2,textarea.span2,.uneditable-input.span2{width:90px}input.span1,textarea.span1,.uneditable-input.span1{width:28px}}@media(max-width:767px){body{padding-right:20px;padding-left:20px}.navbar-fixed-top,.navbar-fixed-bottom,.navbar-static-top{margin-right:-20px;margin-left:-20px}.container-fluid{padding:0}.dl-horizontal dt{float:none;width:auto;clear:none;text-align:left}.dl-horizontal dd{margin-left:0}.container{width:auto}.row-fluid{width:100%}.row,.thumbnails{margin-left:0}.thumbnails>li{float:none;margin-left:0}[class*="span"],.uneditable-input[class*="span"],.row-fluid [class*="span"]{display:block;float:none;width:100%;margin-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.span12,.row-fluid .span12{width:100%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="offset"]:first-child{margin-left:0}.input-large,.input-xlarge,.input-xxlarge,input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.input-prepend input,.input-append input,.input-prepend input[class*="span"],.input-append input[class*="span"]{display:inline-block;width:auto}.controls-row [class*="span"]+[class*="span"]{margin-left:0}.modal{position:fixed;top:20px;right:20px;left:20px;width:auto;margin:0}.modal.fade{top:-100px}.modal.fade.in{top:20px}}@media(max-width:480px){.nav-collapse{-webkit-transform:translate3d(0,0,0)}.page-header h1 small{display:block;line-height:20px}input[type="checkbox"],input[type="radio"]{border:1px solid #ccc}.form-horizontal .control-label{float:none;width:auto;padding-top:0;text-align:left}.form-horizontal .controls{margin-left:0}.form-horizontal .control-list{padding-top:0}.form-horizontal .form-actions{padding-right:10px;padding-left:10px}.media .pull-left,.media .pull-right{display:block;float:none;margin-bottom:10px}.media-object{margin-right:0;margin-left:0}.modal{top:10px;right:10px;left:10px}.modal-header .close{padding:10px;margin:-10px}.carousel-caption{position:static}}@media(max-width:979px){body{padding-top:0}.navbar-fixed-top,.navbar-fixed-bottom{position:static}.navbar-fixed-top{margin-bottom:20px}.navbar-fixed-bottom{margin-top:20px}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding:5px}.navbar .container{width:auto;padding:0}.navbar .brand{padding-right:10px;padding-left:10px;margin:0 0 0 -5px}.nav-collapse{clear:both}.nav-collapse .nav{float:none;margin:0 0 10px}.nav-collapse .nav>li{float:none}.nav-collapse .nav>li>a{margin-bottom:2px}.nav-collapse .nav>.divider-vertical{display:none}.nav-collapse .nav .nav-header{color:#777;text-shadow:none}.nav-collapse .nav>li>a,.nav-collapse .dropdown-menu a{padding:9px 15px;font-weight:bold;color:#777;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.nav-collapse .btn{padding:4px 10px 4px;font-weight:normal;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.nav-collapse .dropdown-menu li+li a{margin-bottom:2px}.nav-collapse .nav>li>a:hover,.nav-collapse .nav>li>a:focus,.nav-collapse .dropdown-menu a:hover,.nav-collapse .dropdown-menu a:focus{background-color:#f2f2f2}.navbar-inverse .nav-collapse .nav>li>a,.navbar-inverse .nav-collapse .dropdown-menu a{color:#999}.navbar-inverse .nav-collapse .nav>li>a:hover,.navbar-inverse .nav-collapse .nav>li>a:focus,.navbar-inverse .nav-collapse .dropdown-menu a:hover,.navbar-inverse .nav-collapse .dropdown-menu a:focus{background-color:#111}.nav-collapse.in .btn-group{padding:0;margin-top:5px}.nav-collapse .dropdown-menu{position:static;top:auto;left:auto;display:none;float:none;max-width:none;padding:0;margin:0 15px;background-color:transparent;border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.nav-collapse .open>.dropdown-menu{display:block}.nav-collapse .dropdown-menu:before,.nav-collapse .dropdown-menu:after{display:none}.nav-collapse .dropdown-menu .divider{display:none}.nav-collapse .nav>li>.dropdown-menu:before,.nav-collapse .nav>li>.dropdown-menu:after{display:none}.nav-collapse .navbar-form,.nav-collapse .navbar-search{float:none;padding:10px 15px;margin:10px 0;border-top:1px solid #f2f2f2;border-bottom:1px solid #f2f2f2;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1)}.navbar-inverse .nav-collapse .navbar-form,.navbar-inverse .nav-collapse .navbar-search{border-top-color:#111;border-bottom-color:#111}.navbar .nav-collapse .nav.pull-right{float:none;margin-left:0}.nav-collapse,.nav-collapse.collapse{height:0;overflow:hidden}.navbar .btn-navbar{display:block}.navbar-static .navbar-inner{padding-right:10px;padding-left:10px}}@media(min-width:980px){.nav-collapse.collapse{height:auto!important;overflow:visible!important}} diff --git a/docs/build/html/_static/css/bootstrap2/bootstrap.min.css b/docs/build/html/_static/css/bootstrap2/bootstrap.min.css new file mode 100644 index 0000000..b6428e6 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootstrap.min.css @@ -0,0 +1,9 @@ +/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:20px;color:#333;background-color:#fff}a{color:#08c;text-decoration:none}a:hover,a:focus{color:#005580;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#c09853}a.text-warning:hover,a.text-warning:focus{color:#a47e3c}.text-error{color:#b94a48}a.text-error:hover,a.text-error:focus{color:#953b39}.text-info{color:#3a87ad}a.text-info:hover,a.text-info:focus{color:#2d6987}.text-success{color:#468847}a.text-success:hover,a.text-success:focus{color:#356635}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:bold;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Monaco,Menlo,Consolas,"Courier New",monospace;font-size:12px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#c09853}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#c09853}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#c09853;background-color:#fcf8e3;border-color:#c09853}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#b94a48}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#b94a48}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#b94a48;background-color:#f2dede;border-color:#b94a48}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#468847}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#468847}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#468847;background-color:#dff0d8;border-color:#468847}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3a87ad}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3a87ad}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3a87ad;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#2d6987;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3a87ad;background-color:#d9edf7;border-color:#3a87ad}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#595959}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#a9dba9;border-color:#46a546}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#0081c2;background-image:-moz-linear-gradient(top,#08c,#0077b3);background-image:-webkit-gradient(linear,0 0,0 100%,from(#08c),to(#0077b3));background-image:-webkit-linear-gradient(top,#08c,#0077b3);background-image:-o-linear-gradient(top,#08c,#0077b3);background-image:linear-gradient(to bottom,#08c,#0077b3);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0088cc',endColorstr='#ff0077b3',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#0081c2;background-image:-moz-linear-gradient(top,#08c,#0077b3);background-image:-webkit-gradient(linear,0 0,0 100%,from(#08c),to(#0077b3));background-image:-webkit-linear-gradient(top,#08c,#0077b3);background-image:-o-linear-gradient(top,#08c,#0077b3);background-image:linear-gradient(to bottom,#08c,#0077b3);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0088cc',endColorstr='#ff0077b3',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#006dcc;*background-color:#04c;background-image:-moz-linear-gradient(top,#08c,#04c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#08c),to(#04c));background-image:-webkit-linear-gradient(top,#08c,#04c);background-image:-o-linear-gradient(top,#08c,#04c);background-image:linear-gradient(to bottom,#08c,#04c);background-repeat:repeat-x;border-color:#04c #04c #002a80;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0088cc',endColorstr='#ff0044cc',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#04c;*background-color:#003bb3}.btn-primary:active,.btn-primary.active{background-color:#039 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#faa732;*background-color:#f89406;background-image:-moz-linear-gradient(top,#fbb450,#f89406);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbb450),to(#f89406));background-image:-webkit-linear-gradient(top,#fbb450,#f89406);background-image:-o-linear-gradient(top,#fbb450,#f89406);background-image:linear-gradient(to bottom,#fbb450,#f89406);background-repeat:repeat-x;border-color:#f89406 #f89406 #ad6704;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbb450',endColorstr='#fff89406',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f89406;*background-color:#df8505}.btn-warning:active,.btn-warning.active{background-color:#c67605 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#da4f49;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#ee5f5b,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#bd362f));background-image:-webkit-linear-gradient(top,#ee5f5b,#bd362f);background-image:-o-linear-gradient(top,#ee5f5b,#bd362f);background-image:linear-gradient(to bottom,#ee5f5b,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#5bb75b;*background-color:#51a351;background-image:-moz-linear-gradient(top,#62c462,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#51a351));background-image:-webkit-linear-gradient(top,#62c462,#51a351);background-image:-o-linear-gradient(top,#62c462,#51a351);background-image:linear-gradient(to bottom,#62c462,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#49afcd;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#5bc0de,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#2f96b4));background-image:-webkit-linear-gradient(top,#5bc0de,#2f96b4);background-image:-o-linear-gradient(top,#5bc0de,#2f96b4);background-image:linear-gradient(to bottom,#5bc0de,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#363636;*background-color:#222;background-image:-moz-linear-gradient(top,#444,#222);background-image:-webkit-gradient(linear,0 0,0 100%,from(#444),to(#222));background-image:-webkit-linear-gradient(top,#444,#222);background-image:-o-linear-gradient(top,#444,#222);background-image:linear-gradient(to bottom,#444,#222);background-repeat:repeat-x;border-color:#222 #222 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff444444',endColorstr='#ff222222',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#222;*background-color:#151515}.btn-inverse:active,.btn-inverse.active{background-color:#080808 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#08c;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#005580;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#04c}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f89406}.btn-group.open .btn-danger.dropdown-toggle{background-color:#bd362f}.btn-group.open .btn-success.dropdown-toggle{background-color:#51a351}.btn-group.open .btn-info.dropdown-toggle{background-color:#2f96b4}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#222}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#c09853}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#468847}.alert-danger,.alert-error{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#b94a48}.alert-info{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#3a87ad}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#08c}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#08c}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#08c;border-bottom-color:#08c}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#005580;border-bottom-color:#005580}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#fafafa;background-image:-moz-linear-gradient(top,#fff,#f2f2f2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#f2f2f2));background-image:-webkit-linear-gradient(top,#fff,#f2f2f2);background-image:-o-linear-gradient(top,#fff,#f2f2f2);background-image:linear-gradient(to bottom,#fff,#f2f2f2);background-repeat:repeat-x;border:1px solid #d4d4d4;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#fff2f2f2',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:10px 20px 10px;margin-left:-20px;font-size:20px;font-weight:200;color:#777;text-shadow:0 1px 0 #fff}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#777}.navbar-link{color:#777}.navbar-link:hover,.navbar-link:focus{color:#333}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #fff;border-left:1px solid #f2f2f2}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:10px 15px 10px;color:#777;text-decoration:none;text-shadow:0 1px 0 #fff}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#333;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#555;text-decoration:none;background-color:#e5e5e5;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ededed;*background-color:#e5e5e5;background-image:-moz-linear-gradient(top,#f2f2f2,#e5e5e5);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f2f2f2),to(#e5e5e5));background-image:-webkit-linear-gradient(top,#f2f2f2,#e5e5e5);background-image:-o-linear-gradient(top,#f2f2f2,#e5e5e5);background-image:linear-gradient(to bottom,#f2f2f2,#e5e5e5);background-repeat:repeat-x;border-color:#e5e5e5 #e5e5e5 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff2f2f2',endColorstr='#ffe5e5e5',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#e5e5e5;*background-color:#d9d9d9}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#ccc \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#333;border-bottom-color:#333}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#555;background-color:#e5e5e5}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#777;border-bottom-color:#777}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#1b1b1b;background-image:-moz-linear-gradient(top,#222,#111);background-image:-webkit-gradient(linear,0 0,0 100%,from(#222),to(#111));background-image:-webkit-linear-gradient(top,#222,#111);background-image:-o-linear-gradient(top,#222,#111);background-image:linear-gradient(to bottom,#222,#111);background-repeat:repeat-x;border-color:#252525;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff222222',endColorstr='#ff111111',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#999;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#999}.navbar-inverse .navbar-text{color:#999}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#111}.navbar-inverse .navbar-link{color:#999}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#222;border-left-color:#111}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#111}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#999;border-bottom-color:#999}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#515151;border-color:#111;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e0e0e;*background-color:#040404;background-image:-moz-linear-gradient(top,#151515,#040404);background-image:-webkit-gradient(linear,0 0,0 100%,from(#151515),to(#040404));background-image:-webkit-linear-gradient(top,#151515,#040404);background-image:-o-linear-gradient(top,#151515,#040404);background-image:linear-gradient(to bottom,#151515,#040404);background-repeat:repeat-x;border-color:#040404 #040404 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff151515',endColorstr='#ff040404',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#040404;*background-color:#000}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#000 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#08c;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#b94a48}.label-important[href],.badge-important[href]{background-color:#953b39}.label-warning,.badge-warning{background-color:#f89406}.label-warning[href],.badge-warning[href]{background-color:#c67605}.label-success,.badge-success{background-color:#468847}.label-success[href],.badge-success[href]{background-color:#356635}.label-info,.badge-info{background-color:#3a87ad}.label-info[href],.badge-info[href]{background-color:#2d6987}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#faa732;background-image:-moz-linear-gradient(top,#fbb450,#f89406);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbb450),to(#f89406));background-image:-webkit-linear-gradient(top,#fbb450,#f89406);background-image:-o-linear-gradient(top,#fbb450,#f89406);background-image:linear-gradient(to bottom,#fbb450,#f89406);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbb450',endColorstr='#fff89406',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#fbb450;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-amelia.css b/docs/build/html/_static/css/bootstrap2/bootswatch-amelia.css new file mode 100644 index 0000000..cc2e477 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-amelia.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Lobster|Cabin:400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:'Cabin',Verdana,sans-serif;font-size:14px;line-height:20px;color:#e1f0f0;background-color:#003f4d}a{color:#e8d069;text-decoration:none}a:hover,a:focus{color:#e8d069;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#aaa}a.muted:hover,a.muted:focus{color:#919191}.text-warning{color:#e1f0f0}a.text-warning:hover,a.text-warning:focus{color:#bfdfdf}.text-error{color:#e1f0f0}a.text-error:hover,a.text-error:focus{color:#bfdfdf}.text-info{color:#e1f0f0}a.text-info:hover,a.text-info:focus{color:#bfdfdf}.text-success{color:#e1f0f0}a.text-success:hover,a.text-success:focus{color:#bfdfdf}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:'Lobster',cursive;font-weight:normal;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#aaa}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #ddd}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid rgba(255,255,255,0.3);border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #aaa}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #ddd}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#aaa}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #ddd;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#444;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#444;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#aaa}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:'Cabin',Verdana,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid transparent;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid transparent}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#aaa;cursor:not-allowed;background-color:#fcfcfc;border-color:transparent;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#aaa}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#aaa}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#aaa}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#ddd}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#e1f0f0}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#e1f0f0}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#e1f0f0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#bfdfdf;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#e1f0f0;background-color:#df6e1e;border-color:#e1f0f0}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#e1f0f0}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#e1f0f0}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#e1f0f0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#bfdfdf;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#e1f0f0;background-color:#ad1d28;border-color:#e1f0f0}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#e1f0f0}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#e1f0f0}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#e1f0f0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#bfdfdf;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#e1f0f0;background-color:#48ca3b;border-color:#e1f0f0}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#e1f0f0}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#e1f0f0}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#e1f0f0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#bfdfdf;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#e1f0f0;background-color:#4d3a7d;border-color:#e1f0f0}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:transparent;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#fff}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#ddd;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#b8ebb3;border-color:#48ca3b}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:#1ba7b4;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #1cafbd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #1cafbd}.table .table{background-color:#003f4d}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #1cafbd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table-bordered th,.table-bordered td{border-left:1px solid #1cafbd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#1ebccb}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:rgba(255,255,255,0.4)}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#48ca3b}.table tbody tr.error>td{background-color:#ad1d28}.table tbody tr.warning>td{background-color:#df6e1e}.table tbody tr.info>td{background-color:#4d3a7d}.table-hover tbody tr.success:hover>td{background-color:#3eb932}.table-hover tbody tr.error:hover>td{background-color:#971923}.table-hover tbody tr.warning:hover>td{background-color:#c9631b}.table-hover tbody tr.info:hover>td{background-color:#42326c}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#444;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#a41c26;background-image:-moz-linear-gradient(top,#ad1d28,#971923);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ad1d28),to(#971923));background-image:-webkit-linear-gradient(top,#ad1d28,#971923);background-image:-o-linear-gradient(top,#ad1d28,#971923);background-image:linear-gradient(to bottom,#ad1d28,#971923);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffad1d28',endColorstr='#ff971923',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#a41c26;background-image:-moz-linear-gradient(top,#ad1d28,#971923);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ad1d28),to(#971923));background-image:-webkit-linear-gradient(top,#ad1d28,#971923);background-image:-o-linear-gradient(top,#ad1d28,#971923);background-image:linear-gradient(to bottom,#ad1d28,#971923);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffad1d28',endColorstr='#ff971923',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#aaa}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#3cb9c6;border:1px solid #32a1ac;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#444;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#ddd;*background-color:#ddd;background-image:-moz-linear-gradient(top,#ddd,#ddd);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ddd),to(#ddd));background-image:-webkit-linear-gradient(top,#ddd,#ddd);background-image:-o-linear-gradient(top,#ddd,#ddd);background-image:linear-gradient(to bottom,#ddd,#ddd);background-repeat:repeat-x;border:1px solid rgba(0,0,0,0);*border:0;border-color:#ddd #ddd #b7b7b7;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:rgba(0,0,0,0);-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdddddd',endColorstr='#ffdddddd',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#444;background-color:#ddd;*background-color:#d0d0d0}.btn:active,.btn.active{background-color:#c4c4c4 \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#444;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:20px 24px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:8px 12px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:4px 8px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ad1d28;*background-color:#ad1d28;background-image:-moz-linear-gradient(top,#ad1d28,#ad1d28);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ad1d28),to(#ad1d28));background-image:-webkit-linear-gradient(top,#ad1d28,#ad1d28);background-image:-o-linear-gradient(top,#ad1d28,#ad1d28);background-image:linear-gradient(to bottom,#ad1d28,#ad1d28);background-repeat:repeat-x;border-color:#ad1d28 #ad1d28 #6b1219;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffad1d28',endColorstr='#ffad1d28',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#ad1d28;*background-color:#971923}.btn-primary:active,.btn-primary.active{background-color:#81161e \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#df6e1e;*background-color:#df6e1e;background-image:-moz-linear-gradient(top,#df6e1e,#df6e1e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#df6e1e),to(#df6e1e));background-image:-webkit-linear-gradient(top,#df6e1e,#df6e1e);background-image:-o-linear-gradient(top,#df6e1e,#df6e1e);background-image:linear-gradient(to bottom,#df6e1e,#df6e1e);background-repeat:repeat-x;border-color:#df6e1e #df6e1e #9c4d15;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdf6e1e',endColorstr='#ffdf6e1e',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#df6e1e;*background-color:#c9631b}.btn-warning:active,.btn-warning.active{background-color:#b25818 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#debb27;*background-color:#debb27;background-image:-moz-linear-gradient(top,#debb27,#debb27);background-image:-webkit-gradient(linear,0 0,0 100%,from(#debb27),to(#debb27));background-image:-webkit-linear-gradient(top,#debb27,#debb27);background-image:-o-linear-gradient(top,#debb27,#debb27);background-image:linear-gradient(to bottom,#debb27,#debb27);background-repeat:repeat-x;border-color:#debb27 #debb27 #a08618;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdebb27',endColorstr='#ffdebb27',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#debb27;*background-color:#ccab1f}.btn-danger:active,.btn-danger.active{background-color:#b6991c \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#48ca3b;*background-color:#48ca3b;background-image:-moz-linear-gradient(top,#48ca3b,#48ca3b);background-image:-webkit-gradient(linear,0 0,0 100%,from(#48ca3b),to(#48ca3b));background-image:-webkit-linear-gradient(top,#48ca3b,#48ca3b);background-image:-o-linear-gradient(top,#48ca3b,#48ca3b);background-image:linear-gradient(to bottom,#48ca3b,#48ca3b);background-repeat:repeat-x;border-color:#48ca3b #48ca3b #319127;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff48ca3b',endColorstr='#ff48ca3b',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#48ca3b;*background-color:#3eb932}.btn-success:active,.btn-success.active{background-color:#38a52d \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#4d3a7d;*background-color:#4d3a7d;background-image:-moz-linear-gradient(top,#4d3a7d,#4d3a7d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#4d3a7d),to(#4d3a7d));background-image:-webkit-linear-gradient(top,#4d3a7d,#4d3a7d);background-image:-o-linear-gradient(top,#4d3a7d,#4d3a7d);background-image:linear-gradient(to bottom,#4d3a7d,#4d3a7d);background-repeat:repeat-x;border-color:#4d3a7d #4d3a7d #2d2249;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff4d3a7d',endColorstr='#ff4d3a7d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#4d3a7d;*background-color:#42326c}.btn-info:active,.btn-info.active{background-color:#382a5a \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#27666d;*background-color:#27666d;background-image:-moz-linear-gradient(top,#27666d,#27666d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#27666d),to(#27666d));background-image:-webkit-linear-gradient(top,#27666d,#27666d);background-image:-o-linear-gradient(top,#27666d,#27666d);background-image:linear-gradient(to bottom,#27666d,#27666d);background-repeat:repeat-x;border-color:#27666d #27666d #133135;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff27666d',endColorstr='#ff27666d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#27666d;*background-color:#20545a}.btn-inverse:active,.btn-inverse.active{background-color:#1a4347 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#e8d069;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#e8d069;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#444;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#ddd}.btn-group.open .btn-primary.dropdown-toggle{background-color:#ad1d28}.btn-group.open .btn-warning.dropdown-toggle{background-color:#df6e1e}.btn-group.open .btn-danger.dropdown-toggle{background-color:#debb27}.btn-group.open .btn-success.dropdown-toggle{background-color:#48ca3b}.btn-group.open .btn-info.dropdown-toggle{background-color:#4d3a7d}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#27666d}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#df6e1e;border:1px solid #d2491c;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert,.alert h4{color:#e1f0f0}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#e1f0f0;background-color:#48ca3b;border-color:#55b932}.alert-success h4{color:#e1f0f0}.alert-danger,.alert-error{color:#e1f0f0;background-color:#ad1d28;border-color:#a01b3b}.alert-danger h4,.alert-error h4{color:#e1f0f0}.alert-info{color:#e1f0f0;background-color:#4d3a7d;border-color:#352f65}.alert-info h4{color:#e1f0f0}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#ddd}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#aaa;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#e8d069}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#ddd #ddd #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#003f4d;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#e8d069}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#e8d069;border-bottom-color:#e8d069}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#e8d069;border-bottom-color:#e8d069}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#aaa;border-color:#aaa}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#aaa}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#ddd #ddd #ddd #ddd}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#ddd #ddd #ddd #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#aaa}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:50px;padding-right:20px;padding-left:20px;background-color:#ad1d28;background-image:-moz-linear-gradient(top,#ad1d28,#ad1d28);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ad1d28),to(#ad1d28));background-image:-webkit-linear-gradient(top,#ad1d28,#ad1d28);background-image:-o-linear-gradient(top,#ad1d28,#ad1d28);background-image:linear-gradient(to bottom,#ad1d28,#ad1d28);background-repeat:repeat-x;border:1px solid #79141c;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffad1d28',endColorstr='#ffad1d28',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:15px 20px 15px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #ad1d28}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:50px;color:#fff}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:50px;margin:0 9px;border-right:1px solid #ad1d28;border-left:1px solid #ad1d28}.navbar .btn,.navbar .btn-group{margin-top:10px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:10px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:10px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:'Cabin',Verdana,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:15px 15px 15px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #ad1d28}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:#d92432}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#d92432;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#971923;*background-color:#971923;background-image:-moz-linear-gradient(top,#971923,#971923);background-image:-webkit-gradient(linear,0 0,0 100%,from(#971923),to(#971923));background-image:-webkit-linear-gradient(top,#971923,#971923);background-image:-o-linear-gradient(top,#971923,#971923);background-image:linear-gradient(to bottom,#971923,#971923);background-repeat:repeat-x;border-color:#971923 #971923 #560e14;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff971923',endColorstr='#ff971923',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#971923;*background-color:#81161e}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#6b1219 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#d92432}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#debb27;background-image:-moz-linear-gradient(top,#debb27,#debb27);background-image:-webkit-gradient(linear,0 0,0 100%,from(#debb27),to(#debb27));background-image:-webkit-linear-gradient(top,#debb27,#debb27);background-image:-o-linear-gradient(top,#debb27,#debb27);background-image:linear-gradient(to bottom,#debb27,#debb27);background-repeat:repeat-x;border-color:rgba(0,0,0,0.1);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdebb27',endColorstr='#ffdebb27',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:rgba(255,255,255,0.2)}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:rgba(255,255,255,0.2)}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#debb27;border-left-color:#debb27}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:rgba(255,255,255,0.2)}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#efde96;border-color:#debb27;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#444;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ccab1f;*background-color:#ccab1f;background-image:-moz-linear-gradient(top,#ccab1f,#ccab1f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ccab1f),to(#ccab1f));background-image:-webkit-linear-gradient(top,#ccab1f,#ccab1f);background-image:-o-linear-gradient(top,#ccab1f,#ccab1f);background-image:linear-gradient(to bottom,#ccab1f,#ccab1f);background-repeat:repeat-x;border-color:#ccab1f #ccab1f #8a7415;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffccab1f',endColorstr='#ffccab1f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#ccab1f;*background-color:#b6991c}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#a08618 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#aaa}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#3cb9c6;border:1px solid transparent;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:rgba(255,255,255,0.4)}.pagination ul>.active>a,.pagination ul>.active>span{color:#aaa;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#aaa;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:20px 24px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:8px 12px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:4px 8px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#aaa;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1020;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#ad1d28;border-bottom:1px solid #971923;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#e8d069;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#aaa}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#e1f0f0}.label-important[href],.badge-important[href]{background-color:#bfdfdf}.label-warning,.badge-warning{background-color:#df6e1e}.label-warning[href],.badge-warning[href]{background-color:#b25818}.label-success,.badge-success{background-color:#e1f0f0}.label-success[href],.badge-success[href]{background-color:#bfdfdf}.label-info,.badge-info{background-color:#e1f0f0}.label-info[href],.badge-info[href]{background-color:#bfdfdf}.label-inverse,.badge-inverse{background-color:#444}.label-inverse[href],.badge-inverse[href]{background-color:#2b2b2b}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#e58846;background-image:-moz-linear-gradient(top,#ea9960,#df6e1e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ea9960),to(#df6e1e));background-image:-webkit-linear-gradient(top,#ea9960,#df6e1e);background-image:-o-linear-gradient(top,#ea9960,#df6e1e);background-image:linear-gradient(to bottom,#ea9960,#df6e1e);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffea9960',endColorstr='#ffdf6e1e',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ea9960;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#111;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#444;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#3cb9c6;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h6{color:#e1f0f0}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-family:'Cabin',Verdana,sans-serif;color:#e1f0f0}code,pre{padding:2px;background-color:rgba(255,255,255,0.3)}blockquote{border-left-color:#1cafbd}blockquote.pull-right{border-right-color:#1cafbd}blockquote small{color:rgba(255,255,255,0.6)}.muted{color:rgba(255,255,255,0.6)}.text-warning{color:#f2e5ac}.text-error{color:#f3c4a3}.text-success{color:#b8ebb3}.text-info{color:#7be9ff}body{background-color:#0f8790;background-image:-webkit-gradient(radial,center center,0,center center,460,from(#12a5b0),to(#0f8790));background-image:-webkit-radial-gradient(circle,#12a5b0,#0f8790);background-image:-moz-radial-gradient(circle,#12a5b0,#0f8790);background-image:-o-radial-gradient(circle,#12a5b0,#0f8790);background-repeat:no-repeat}hr{border-bottom:0}.page-header{margin:30px 0 15px;border-bottom:0 solid transparent}.navbar .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar .brand{padding:15px 20px 14px;font-family:'Lobster',cursive;font-size:24px;font-weight:normal}.navbar .nav>li>a{padding-top:17px;padding-bottom:14px;text-shadow:none}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-search{margin-top:10px}.navbar .navbar-search .search-query{padding-top:5px;padding-bottom:5px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar .navbar-text{margin:17px 15px 14px;line-height:20px}.navbar .btn,.navbar .btn-group{padding:4px}.navbar-inverse .dropdown-menu li>a:hover,.navbar-inverse .dropdown-menu li>a:focus,.navbar-inverse .dropdown-submenu:hover>a{background-color:#debb27;background-image:none}@media(max-width:979px){.navbar .nav-collapse .nav li>a{color:#e1f0f0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar .nav-collapse .nav li>a:hover{background-color:#d92432}.navbar .nav-collapse .dropdown-menu li>a:hover,.navbar .nav-collapse .dropdown-menu li>a:focus,.navbar .nav-collapse .dropdown-submenu:hover>a{background-image:none}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .navbar-search .search-query{border:2px solid #e1f0f0}.navbar .nav-collapse .nav-header{color:rgba(255,255,255,0.5)}.navbar-inverse .nav-collapse .nav>li>a,.navbar-inverse .nav-collapse .dropdown-menu a{color:#fff!important}.navbar-inverse .nav-collapse .nav li>a:hover,.navbar-inverse .nav-collapse .dropdown-menu a:hover{background-color:#e5c953!important}}div.subnav{margin:0 1px;background:rgba(42,99,105,0.9) none;border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav .nav>li>a{color:#e1f0f0;border-color:transparent}div.subnav .nav>li:first-child>a,div.subnav .nav>li:first-child>a:hover{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}div.subnav .nav>.active>a{color:#e1f0f0;background-color:rgba(255,255,255,0.4);border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav .nav>li>a:hover,div.subnav .nav>.active>a:hover{color:#e1f0f0;background-color:rgba(255,255,255,0.4);border-right-color:transparent}div.subnav .nav>li.open>a{background-color:rgba(255,255,255,0.4);border-color:transparent}div.subnav-fixed{top:51px;margin:0}@media(max-width:767px){div.subnav .nav>li+li>a{border-top:1px solid rgba(255,255,255,0.4)}}.nav-tabs,.nav-pills{border-color:transparent}.nav-tabs>li>a,.nav-pills>li>a{border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:0;-moz-box-shadow:0;box-shadow:0}.nav-tabs>li>a:hover,.nav-pills>li>a:hover{text-shadow:none;background-color:#8ad5dc;border-color:transparent}.nav-tabs>.active>a,.nav-pills>.active>a,.nav-tabs>.active>a:hover,.nav-pills>.active>a:hover{color:#e1f0f0;text-shadow:none;background-color:#8ad5dc;border-color:transparent}.nav-tabs>.disabled>a,.nav-pills>.disabled>a,.nav-tabs>.disabled>a:hover,.nav-pills>.disabled>a:hover{color:#ddd;background:0}.nav-tabs>.open>.dropdown-toggle,.nav-pills>.open>.dropdown-toggle,.nav-tabs>.open>.dropdown-toggle,.nav-pills>.open>.dropdown-toggle{color:#e8d069;background-color:#8ad5dc;border-color:transparent}.nav-tabs{border-bottom:1px solid rgba(255,255,255,0.5)}.nav-tabs>li>a{background-color:#3cb9c6}.nav-tabs.nav-stacked li>a:first-child,.nav-tabs.nav-stacked li>a:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked li>a,.nav-tabs.nav-stacked li>a:hover,.nav-tabs.nav-stacked li.active>a,.nav-tabs.nav-stacked li.active>a:hover{border-color:transparent}.nav-list .nav-header{color:#e1f0f0;text-shadow:none}.nav-list li>a{text-shadow:none}.nav-list li.active>a,.nav-list li>a:hover,.nav-list li.active>a:hover{text-shadow:none;background-color:#8ad5dc}.nav-list .divider{background-color:rgba(255,255,255,0.3);border-bottom:0}.breadcrumb,.pager>li>a{text-shadow:none;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.breadcrumb{background-color:#3cb9c6;background-image:none}.breadcrumb li{text-shadow:none}.breadcrumb .active{color:#fff}.breadcrumb>li>a.divider,.breadcrumb>li>span.divider{color:#ddd}.pagination ul{background-color:#3cb9c6;background-image:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.pagination ul>li>a:hover{color:#e8d069;background-color:rgba(255,255,255,0.4)}.pagination ul>li:first-child>a,.pagination ul>li:last-child>a{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{color:#e1f0f0}.pagination ul>.active>a,.pagination ul>.active>a:hover,.pagination ul>.active>span,.pagination ul>.active>span:hover{color:#e1f0f0;background-color:rgba(255,255,255,0.4)}.pager li>a{background-color:#3cb9c6}.pager li>a:hover{background-color:#8ad5dc}.pager .disabled a,.pager .disabled a:hover{color:#fff;background-color:#3cb9c6}.btn{padding:12px 16px;text-shadow:none;background-color:#ddd;background-image:none;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn:hover,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{text-shadow:none;background-color:#d0d0d0}.btn:active,.btn.active{background-color:#b7b7b7;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn:active,.btn.active{background-color:#b7b7b7 \9}.btn-large{padding:20px 24px}.btn-small{padding:8px 12px}.btn-mini{padding:4px 8px}.btn-group .btn:first-child{margin-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group .btn:last-child,.btn-group .dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group .dropdown-toggle,.btn-group.open .dropdown-toggle,.btn.open .dropdown-toggle{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-primary{background-color:#ad1d28;border-color:transparent}.btn-primary:hover,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{text-shadow:none;background-color:#971923}.btn-primary:active,.btn-primary.active{background-color:#6b1219;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-primary:active,.btn-primary.active{background-color:#6b1219 \9}.btn-info{background-color:#4d3a7d;border-color:transparent}.btn-info:hover,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{text-shadow:none;background-color:#42326c}.btn-info:active,.btn-info.active{background-color:#2d2249;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-info:active,.btn-info.active{background-color:#2d2249 \9}.btn-success{background-color:#48ca3b;border-color:transparent}.btn-success:hover,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{text-shadow:none;background-color:#3eb932}.btn-success:active,.btn-success.active{background-color:#319127;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-success:active,.btn-success.active{background-color:#319127 \9}.btn-warning{background-color:#df6e1e;border-color:transparent}.btn-warning:hover,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{text-shadow:none;background-color:#c9631b}.btn-warning:active,.btn-warning.active{background-color:#9c4d15;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-warning:active,.btn-warning.active{background-color:#9c4d15 \9}.btn-danger{background-color:#debb27;border-color:transparent}.btn-danger:hover,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{text-shadow:none;background-color:#ccab1f}.btn-danger:active,.btn-danger.active{background-color:#a08618;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-danger:active,.btn-danger.active{background-color:#a08618 \9}.btn-inverse{background-color:#27666d;border-color:transparent}.btn-inverse:hover,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{text-shadow:none;background-color:#20545a}.btn-inverse:active,.btn-inverse.active{background-color:#133135;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-inverse:active,.btn-inverse.active{background-color:#133135 \9}.btn-link{background-color:#ad1d28;border-color:transparent}.btn-link:hover,.btn-link:active,.btn-link.active,.btn-link.disabled,.btn-link[disabled]{text-shadow:none;background-color:#971923}.btn-link:active,.btn-link.active{background-color:#6b1219;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link:active,.btn-link.active{background-color:#6b1219 \9}.btn-small [class^="icon-"]{margin-top:1px}.add-on [class^="icon-"]{margin-left:5px}.table th,.table td,.table tbody+tbody{border-top:0 solid transparent}.table-bordered{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table tbody tr.success td{background-color:#48ca3b}.table tbody tr.error td{background-color:#ad1d28}.table tbody tr.info td{background-color:#00bce1}legend{font-family:'Lobster',cursive}legend,label,.help-block,.input-file{color:inherit;border:0}input,textarea,.uneditable-input{padding:10px;border:0}.dropdown input{border:1px solid rgba(0,0,0,0.2)}.uneditable-input{padding-bottom:30px}select{border:0}button{margin-left:12px}input,textarea,.search-query,.uneditable-input,.input-append input,.input-append .uneditable-input,.input-prepend input,.input-prepend .uneditable-input{border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.form-actions{border-top:0 solid transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#debb27}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#debb27}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#f2e5ac;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#ecd77f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#debb27;background-color:#df6e1e;border-color:#debb27}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#df6e1e}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#df6e1e}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#f3c4a3;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#eda776;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fffefd;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fffefd;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fffefd}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#df6e1e;background-color:#ad1d28;border-color:#df6e1e}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#48ca3b}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#48ca3b}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#93e08b;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#6dd563;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #def5dc;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #def5dc;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #def5dc}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#48ca3b;background-color:#48ca3b;border-color:#48ca3b}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#4d3a7d}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#4d3a7d}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#7d65b8;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#624aa0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #b8abd8;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #b8abd8;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #b8abd8}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#4d3a7d;background-color:#4d3a7d;border-color:#4d3a7d}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#f2e5ac}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#f3c4a3}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#93e08b}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#7d65b8}.input-prepend .add-on,.input-append .add-on{height:20px;padding-top:4px;color:#555;text-shadow:none;background-color:#ddd;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .btn,.input-prepend .btn{padding:4px 10px}.alert{text-shadow:none;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{color:#e1f0f0}.alert-heading{color:#e1f0f0}.label,.badge{background-color:#00bce1}.label-success,.badge-success{background-color:#48ca3b}.label-important,.badge-important{background-color:#ad1d28}.label-warning,.badge-warning{background-color:#df6e1e}.label-info,.badge-info{background-color:#4d3a7d}.label-inverse,.badge-inverse{background-color:#27666d}.progress,.well,pre,code{text-shadow:none;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.well{background-image:none}.hero-unit{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.thumbnail{border:0 solid transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress{background-color:#27666d;background-image:none}.progress .bar{background-color:#debb27;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress .bar-success{background-color:#48ca3b}.progress .bar-warning{background-color:#df6e1e}.progress .bar-error{background-color:#ad1d28}.progress-danger .bar{background-color:#ad1d28;background-image:none}.progress-danger.progress-striped .bar{background-color:#ad1d28;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar{background-color:#48ca3b;background-image:none}.progress-success.progress-striped .bar{background-color:#48ca3b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar{background-color:#00bce1;background-image:none}.progress-info.progress-striped .bar{background-color:#00bce1;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.modal{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.modal-header{color:#fff;background-color:#ad1d28;border-bottom:0}.modal-body{background-color:#3cb9c6}.popover{padding:0;color:#444;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.popover .popover-title{color:#fff;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-cerulean.css b/docs/build/html/_static/css/bootstrap2/bootswatch-cerulean.css new file mode 100644 index 0000000..9740c15 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-cerulean.css @@ -0,0 +1,9 @@ +@import url(//fonts.googleapis.com/css?family=Telex);/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:20px;color:#555;background-color:#fff}a{color:#2fa4e7;text-decoration:none}a:hover,a:focus{color:#157ab5;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#dd5600}a.text-warning:hover,a.text-warning:focus{color:#aa4200}.text-error{color:#bd4247}a.text-error:hover,a.text-error:focus{color:#983538}.text-info{color:#178acc}a.text-info:hover,a.text-info:focus{color:#126b9e}.text-success{color:#669533}a.text-success:hover,a.text-success:focus{color:#4c6f26}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:'Telex',sans-serif;font-weight:bold;line-height:20px;color:#317eac;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #f5f5f5}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #f5f5f5;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #f5f5f5}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #f5f5f5;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#f5f5f5}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#dd5600}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#dd5600}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#dd5600;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#aa4200;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff8d44;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff8d44;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff8d44}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#dd5600;background-color:#f1ceab;border-color:#dd5600}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#bd4247}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#bd4247}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#bd4247;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#983538;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d88e90;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d88e90;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d88e90}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#bd4247;background-color:#f2bdb1;border-color:#bd4247}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#669533}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#669533}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#669533;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#4c6f26;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #99ca63;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #99ca63;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #99ca63}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#669533;background-color:#d5ecbf;border-color:#669533}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#178acc}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#178acc}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#178acc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#126b9e;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #5db8ec;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #5db8ec;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #5db8ec}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#178acc;background-color:#a7dff1;border-color:#178acc}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#7b7b7b}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#f5f5f5;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#bede9c;border-color:#73a839}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#d5ecbf}.table tbody tr.error>td{background-color:#f2bdb1}.table tbody tr.warning>td{background-color:#f1ceab}.table tbody tr.info>td{background-color:#a7dff1}.table-hover tbody tr.success:hover>td{background-color:#c8e6ab}.table-hover tbody tr.error:hover>td{background-color:#eeab9b}.table-hover tbody tr.warning:hover>td{background-color:#edc195}.table-hover tbody tr.info:hover>td{background-color:#91d7ee}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#27a0e5;background-image:-moz-linear-gradient(top,#2fa4e7,#1a99e2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2fa4e7),to(#1a99e2));background-image:-webkit-linear-gradient(top,#2fa4e7,#1a99e2);background-image:-o-linear-gradient(top,#2fa4e7,#1a99e2);background-image:linear-gradient(to bottom,#2fa4e7,#1a99e2);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2fa4e7',endColorstr='#ff1a99e2',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#27a0e5;background-image:-moz-linear-gradient(top,#2fa4e7,#1a99e2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2fa4e7),to(#1a99e2));background-image:-webkit-linear-gradient(top,#2fa4e7,#1a99e2);background-image:-o-linear-gradient(top,#2fa4e7,#1a99e2);background-image:linear-gradient(to bottom,#2fa4e7,#1a99e2);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2fa4e7',endColorstr='#ff1a99e2',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#2f92e7;*background-color:#2f76e7;background-image:-moz-linear-gradient(top,#2fa4e7,#2f76e7);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2fa4e7),to(#2f76e7));background-image:-webkit-linear-gradient(top,#2fa4e7,#2f76e7);background-image:-o-linear-gradient(top,#2fa4e7,#2f76e7);background-image:linear-gradient(to bottom,#2fa4e7,#2f76e7);background-repeat:repeat-x;border-color:#2f76e7 #2f76e7 #1553b5;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2fa4e7',endColorstr='#ff2f76e7',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#2f76e7;*background-color:#1a67e2}.btn-primary:active,.btn-primary.active{background-color:#175dcc \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#dd5600;*background-color:#dd5600;background-image:-moz-linear-gradient(top,#dd5600,#dd5600);background-image:-webkit-gradient(linear,0 0,0 100%,from(#dd5600),to(#dd5600));background-image:-webkit-linear-gradient(top,#dd5600,#dd5600);background-image:-o-linear-gradient(top,#dd5600,#dd5600);background-image:linear-gradient(to bottom,#dd5600,#dd5600);background-repeat:repeat-x;border-color:#dd5600 #dd5600 #913800;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdd5600',endColorstr='#ffdd5600',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#dd5600;*background-color:#c44c00}.btn-warning:active,.btn-warning.active{background-color:#aa4200 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#c32627;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#c71c22,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#c71c22),to(#bd362f));background-image:-webkit-linear-gradient(top,#c71c22,#bd362f);background-image:-o-linear-gradient(top,#c71c22,#bd362f);background-image:linear-gradient(to bottom,#c71c22,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffc71c22',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#65a643;*background-color:#51a351;background-image:-moz-linear-gradient(top,#73a839,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#73a839),to(#51a351));background-image:-webkit-linear-gradient(top,#73a839,#51a351);background-image:-o-linear-gradient(top,#73a839,#51a351);background-image:linear-gradient(to bottom,#73a839,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff73a839',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#6d76b3;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#9760b3,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#9760b3),to(#2f96b4));background-image:-webkit-linear-gradient(top,#9760b3,#2f96b4);background-image:-o-linear-gradient(top,#9760b3,#2f96b4);background-image:linear-gradient(to bottom,#9760b3,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff9760b3',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0f3253;*background-color:#222;background-image:-moz-linear-gradient(top,#033c73,#222);background-image:-webkit-gradient(linear,0 0,0 100%,from(#033c73),to(#222));background-image:-webkit-linear-gradient(top,#033c73,#222);background-image:-o-linear-gradient(top,#033c73,#222);background-image:linear-gradient(to bottom,#033c73,#222);background-repeat:repeat-x;border-color:#222 #222 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff033c73',endColorstr='#ff222222',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#222;*background-color:#151515}.btn-inverse:active,.btn-inverse.active{background-color:#080808 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#2fa4e7;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#157ab5;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#2f76e7}.btn-group.open .btn-warning.dropdown-toggle{background-color:#dd5600}.btn-group.open .btn-danger.dropdown-toggle{background-color:#bd362f}.btn-group.open .btn-success.dropdown-toggle{background-color:#51a351}.btn-group.open .btn-info.dropdown-toggle{background-color:#2f96b4}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#222}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#f1ceab;border:1px solid #efb99e;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#dd5600}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#669533;background-color:#d5ecbf;border-color:#d2e6ab}.alert-success h4{color:#669533}.alert-danger,.alert-error{color:#bd4247;background-color:#f2bdb1;border-color:#f0a5a4}.alert-danger h4,.alert-error h4{color:#bd4247}.alert-info{color:#178acc;background-color:#a7dff1;border-color:#88e4ec}.alert-info h4{color:#178acc}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#f5f5f5}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#2fa4e7}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#f5f5f5 #f5f5f5 #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#2fa4e7}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#2fa4e7;border-bottom-color:#2fa4e7}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#157ab5;border-bottom-color:#157ab5}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#f5f5f5 #ddd #f5f5f5 #f5f5f5}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#f5f5f5 #f5f5f5 #f5f5f5 #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:50px;padding-right:20px;padding-left:20px;background-color:#45aeea;background-image:-moz-linear-gradient(top,#54b4eb,#2fa4e7);background-image:-webkit-gradient(linear,0 0,0 100%,from(#54b4eb),to(#2fa4e7));background-image:-webkit-linear-gradient(top,#54b4eb,#2fa4e7);background-image:-o-linear-gradient(top,#54b4eb,#2fa4e7);background-image:linear-gradient(to bottom,#54b4eb,#2fa4e7);background-repeat:repeat-x;border:1px solid #1990d5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff54b4eb',endColorstr='#ff2fa4e7',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:15px 20px 15px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #54b4eb}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:50px;color:#f5f5f5}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:50px;margin:0 9px;border-right:1px solid #54b4eb;border-left:1px solid #2fa4e7}.navbar .btn,.navbar .btn-group{margin-top:10px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:10px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:10px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:15px 15px 15px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #54b4eb}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:#1684c2}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#1684c2;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#2fa3e6;*background-color:#1a99e2;background-image:-moz-linear-gradient(top,#3daae9,#1a99e2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#3daae9),to(#1a99e2));background-image:-webkit-linear-gradient(top,#3daae9,#1a99e2);background-image:-o-linear-gradient(top,#3daae9,#1a99e2);background-image:linear-gradient(to bottom,#3daae9,#1a99e2);background-repeat:repeat-x;border-color:#1a99e2 #1a99e2 #126b9e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3daae9',endColorstr='#ff1a99e2',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#1a99e2;*background-color:#178acc}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#157ab5 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#1684c2}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#034482;background-image:-moz-linear-gradient(top,#04498c,#033c73);background-image:-webkit-gradient(linear,0 0,0 100%,from(#04498c),to(#033c73));background-image:-webkit-linear-gradient(top,#04498c,#033c73);background-image:-o-linear-gradient(top,#04498c,#033c73);background-image:linear-gradient(to bottom,#04498c,#033c73);background-repeat:repeat-x;border-color:#033464;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff04498c',endColorstr='#ff033c73',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:#022c55}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#022c55}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#04498c;border-left-color:#033c73}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#022c55}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#fff;border-color:#033c73;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#033769;*background-color:#022f5a;background-image:-moz-linear-gradient(top,#033c73,#022f5a);background-image:-webkit-gradient(linear,0 0,0 100%,from(#033c73),to(#022f5a));background-image:-webkit-linear-gradient(top,#033c73,#022f5a);background-image:-o-linear-gradient(top,#033c73,#022f5a);background-image:linear-gradient(to bottom,#033c73,#022f5a);background-repeat:repeat-x;border-color:#022f5a #022f5a #000810;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff033c73',endColorstr='#ff022f5a',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#022f5a;*background-color:#022241}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#011528 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1020;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#2fa4e7;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#bd4247}.label-important[href],.badge-important[href]{background-color:#983538}.label-warning,.badge-warning{background-color:#dd5600}.label-warning[href],.badge-warning[href]{background-color:#aa4200}.label-success,.badge-success{background-color:#669533}.label-success[href],.badge-success[href]{background-color:#4c6f26}.label-info,.badge-info{background-color:#178acc}.label-info[href],.badge-info[href]{background-color:#126b9e}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#f16e1a;background-image:-moz-linear-gradient(top,#ff7d2b,#dd5600);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff7d2b),to(#dd5600));background-image:-webkit-linear-gradient(top,#ff7d2b,#dd5600);background-image:-o-linear-gradient(top,#ff7d2b,#dd5600);background-image:linear-gradient(to bottom,#ff7d2b,#dd5600);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff7d2b',endColorstr='#ffdd5600',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ff7d2b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#f5f5f5;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}.navbar .brand{padding:14px 20px 16px;font-family:'Telex',sans-serif;text-shadow:1px 1px 0 rgba(0,0,0,0.2)}.navbar li{line-height:20px}.navbar .nav>li>a{padding:16px 10px 14px;font-family:'Telex',sans-serif;text-shadow:1px 1px 0 rgba(0,0,0,0.2)}.navbar .search-query{line-height:normal;border:1px solid #178acc}.navbar .navbar-text{padding:19px 10px 18px;line-height:13px;color:rgba(0,0,0,0.5);text-shadow:1px 1px 0 rgba(255,255,255,0.3)}.navbar-inverse .navbar-search .search-query{color:#555}@media(max-width:979px){.navbar .nav-collapse .nav li>a{font-family:'Telex',sans-serif;font-weight:normal;color:#fff;text-shadow:1px 1px 0 rgba(0,0,0,0.2)}.navbar .nav-collapse .nav li>a:hover{background-color:#2b7cac}.navbar .nav-collapse .nav .active>a{background-color:#2b7cac;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .dropdown-menu li>a:hover,.navbar .nav-collapse .dropdown-menu li>a:focus,.navbar .nav-collapse .dropdown-submenu:hover>a{background-image:none}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border:0}.navbar .nav-collapse .nav-header{color:#2b7cac}.navbar-inverse .nav-collapse .nav li>a{color:#fff}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:rgba(0,0,0,0.1)}.navbar-inverse .nav-collapse .nav .active>a,.navbar-inverse .nav-collapse .nav>li>a:hover,.navbar-inverse .nav-collapse .dropdown-menu a:hover{background-color:rgba(0,0,0,0.1)!important}}div.subnav{font-family:'Telex',sans-serif;text-shadow:1px 1px 0 rgba(255,255,255,0.2)}div.subnav-fixed{top:51px}.btn{background-color:#fff;background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),color-stop(5%,#fff),to(#fff));background-image:-webkit-linear-gradient(#fff,#fff 5%,#fff);background-image:-moz-linear-gradient(top,#fff,#fff 5%,#fff);background-image:-o-linear-gradient(#fff,#fff 5%,#fff);background-image:linear-gradient(#fff,#fff 5%,#fff);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffffffff',GradientType=0);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover{background-position:0 0}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#3daae9;*background-color:#2fa4e7;background-image:-moz-linear-gradient(top,#46aeea,#2fa4e7);background-image:-webkit-gradient(linear,0 0,0 100%,from(#46aeea),to(#2fa4e7));background-image:-webkit-linear-gradient(top,#46aeea,#2fa4e7);background-image:-o-linear-gradient(top,#46aeea,#2fa4e7);background-image:linear-gradient(to bottom,#46aeea,#2fa4e7);background-repeat:repeat-x;border-color:#2fa4e7 #2fa4e7 #157ab5;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff46aeea',endColorstr='#ff2fa4e7',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#2fa4e7;*background-color:#1a99e2}.btn-primary:active,.btn-primary.active{background-color:#178acc \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#9e6ab8;*background-color:#9760b3;background-image:-moz-linear-gradient(top,#a271bb,#9760b3);background-image:-webkit-gradient(linear,0 0,0 100%,from(#a271bb),to(#9760b3));background-image:-webkit-linear-gradient(top,#a271bb,#9760b3);background-image:-o-linear-gradient(top,#a271bb,#9760b3);background-image:linear-gradient(to bottom,#a271bb,#9760b3);background-repeat:repeat-x;border-color:#9760b3 #9760b3 #6f4086;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffa271bb',endColorstr='#ff9760b3',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#9760b3;*background-color:#8b51a9}.btn-info:active,.btn-info.active{background-color:#7d4898 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#7bb33d;*background-color:#73a839;background-image:-moz-linear-gradient(top,#80bb3f,#73a839);background-image:-webkit-gradient(linear,0 0,0 100%,from(#80bb3f),to(#73a839));background-image:-webkit-linear-gradient(top,#80bb3f,#73a839);background-image:-o-linear-gradient(top,#80bb3f,#73a839);background-image:linear-gradient(to bottom,#80bb3f,#73a839);background-repeat:repeat-x;border-color:#73a839 #73a839 #4c6f26;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff80bb3f',endColorstr='#ff73a839',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#73a839;*background-color:#669533}.btn-success:active,.btn-success.active{background-color:#59822c \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ec5c00;*background-color:#dd5600;background-image:-moz-linear-gradient(top,#f76000,#dd5600);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f76000),to(#dd5600));background-image:-webkit-linear-gradient(top,#f76000,#dd5600);background-image:-o-linear-gradient(top,#f76000,#dd5600);background-image:linear-gradient(to bottom,#f76000,#dd5600);background-repeat:repeat-x;border-color:#dd5600 #dd5600 #913800;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff76000',endColorstr='#ffdd5600',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#dd5600;*background-color:#c44c00}.btn-warning:active,.btn-warning.active{background-color:#aa4200 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#d41e24;*background-color:#c71c22;background-image:-moz-linear-gradient(top,#dd1f26,#c71c22);background-image:-webkit-gradient(linear,0 0,0 100%,from(#dd1f26),to(#c71c22));background-image:-webkit-linear-gradient(top,#dd1f26,#c71c22);background-image:-o-linear-gradient(top,#dd1f26,#c71c22);background-image:linear-gradient(to bottom,#dd1f26,#c71c22);background-repeat:repeat-x;border-color:#c71c22 #c71c22 #841317;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdd1f26',endColorstr='#ffc71c22',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#c71c22;*background-color:#b1191e}.btn-danger:active,.btn-danger.active{background-color:#9a161a \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#034482;*background-color:#033c73;background-image:-moz-linear-gradient(top,#04498c,#033c73);background-image:-webkit-gradient(linear,0 0,0 100%,from(#04498c),to(#033c73));background-image:-webkit-linear-gradient(top,#04498c,#033c73);background-image:-o-linear-gradient(top,#04498c,#033c73);background-image:linear-gradient(to bottom,#04498c,#033c73);background-repeat:repeat-x;border-color:#033c73 #033c73 #011528;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff04498c',endColorstr='#ff033c73',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#033c73;*background-color:#022f5a}.btn-inverse:active,.btn-inverse.active{background-color:#022241 \9}i[class^="icon-"]{opacity:.8}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-cosmo.css b/docs/build/html/_static/css/bootstrap2/bootswatch-cosmo.css new file mode 100644 index 0000000..1ca451d --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-cosmo.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Open+Sans:400italic,700italic,400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Open Sans",Calibri,Candara,Arial,sans-serif;font-size:14px;line-height:20px;color:#555;background-color:#fff}a{color:#007fff;text-decoration:none}a:hover,a:focus{color:#06c;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#dfdfdf}a.muted:hover,a.muted:focus{color:#c6c6c6}.text-warning{color:#fff}a.text-warning:hover,a.text-warning:focus{color:#e6e6e6}.text-error{color:#fff}a.text-error:hover,a.text-error:focus{color:#e6e6e6}.text-info{color:#fff}a.text-info:hover,a.text-info:focus{color:#e6e6e6}.text-success{color:#fff}a.text-success:hover,a.text-success:focus{color:#e6e6e6}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:300;line-height:20px;color:#080808;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#dfdfdf}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #dfdfdf}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#dfdfdf}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Monaco,Menlo,Consolas,"Courier New",monospace;font-size:12px;color:#999;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#999;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#dfdfdf}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Open Sans",Calibri,Candara,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#bbb;vertical-align:middle;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #bbb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #bbb}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#dfdfdf;cursor:not-allowed;background-color:#fcfcfc;border-color:#bbb;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#bbb}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#bbb}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#bbb}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#fff}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#fff}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#fff;background-color:#ff7518;border-color:#fff}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#fff}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#fff}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#fff;background-color:#ff0039;border-color:#fff}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#fff}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#fff}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#fff;background-color:#3fb618;border-color:#fff}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#fff}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#fff}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#fff;background-color:#9954bb;border-color:#fff}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#7b7b7b}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#96ed7a;border-color:#3fb618}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#e8f8fd}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#3fb618}.table tbody tr.error>td{background-color:#ff0039}.table tbody tr.warning>td{background-color:#ff7518}.table tbody tr.info>td{background-color:#9954bb}.table-hover tbody tr.success:hover>td{background-color:#379f15}.table-hover tbody tr.error:hover>td{background-color:#e60033}.table-hover tbody tr.warning:hover>td{background-color:#fe6600}.table-hover tbody tr.info:hover>td{background-color:#8d46b0}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#999;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#007af5;background-image:-moz-linear-gradient(top,#007fff,#0072e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#007fff),to(#0072e6));background-image:-webkit-linear-gradient(top,#007fff,#0072e6);background-image:-o-linear-gradient(top,#007fff,#0072e6);background-image:linear-gradient(to bottom,#007fff,#0072e6);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff007fff',endColorstr='#ff0072e6',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#007af5;background-image:-moz-linear-gradient(top,#007fff,#0072e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#007fff),to(#0072e6));background-image:-webkit-linear-gradient(top,#007fff,#0072e6);background-image:-o-linear-gradient(top,#007fff,#0072e6);background-image:linear-gradient(to bottom,#007fff,#0072e6);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff007fff',endColorstr='#ff0072e6',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#dfdfdf}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#eee;border:1px solid #dcdcdc;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.well-small{padding:9px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#999;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#dfdfdf;*background-color:#c8c8c8;background-image:-moz-linear-gradient(top,#eee,#c8c8c8);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eee),to(#c8c8c8));background-image:-webkit-linear-gradient(top,#eee,#c8c8c8);background-image:-o-linear-gradient(top,#eee,#c8c8c8);background-image:linear-gradient(to bottom,#eee,#c8c8c8);background-repeat:repeat-x;border:1px solid #bbb;*border:0;border-color:#c8c8c8 #c8c8c8 #a2a2a2;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#a2a2a2;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeeeeee',endColorstr='#ffc8c8c8',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#999;background-color:#c8c8c8;*background-color:#bbb}.btn:active,.btn.active{background-color:#aeaeae \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#999;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:22px 30px;font-size:17.5px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:2px 6px;font-size:10.5px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0f82f5;*background-color:#0072e6;background-image:-moz-linear-gradient(top,#1a8cff,#0072e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#1a8cff),to(#0072e6));background-image:-webkit-linear-gradient(top,#1a8cff,#0072e6);background-image:-o-linear-gradient(top,#1a8cff,#0072e6);background-image:linear-gradient(to bottom,#1a8cff,#0072e6);background-repeat:repeat-x;border-color:#0072e6 #0072e6 #004c99;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff1a8cff',endColorstr='#ff0072e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#0072e6;*background-color:#06c}.btn-primary:active,.btn-primary.active{background-color:#0059b3 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#fe781e;*background-color:#fe6600;background-image:-moz-linear-gradient(top,#ff8432,#fe6600);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff8432),to(#fe6600));background-image:-webkit-linear-gradient(top,#ff8432,#fe6600);background-image:-o-linear-gradient(top,#ff8432,#fe6600);background-image:linear-gradient(to bottom,#ff8432,#fe6600);background-repeat:repeat-x;border-color:#fe6600 #fe6600 #b14700;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff8432',endColorstr='#fffe6600',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#fe6600;*background-color:#e45c00}.btn-warning:active,.btn-warning.active{background-color:#cb5200 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f50f43;*background-color:#e60033;background-image:-moz-linear-gradient(top,#ff1a4d,#e60033);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff1a4d),to(#e60033));background-image:-webkit-linear-gradient(top,#ff1a4d,#e60033);background-image:-o-linear-gradient(top,#ff1a4d,#e60033);background-image:linear-gradient(to bottom,#ff1a4d,#e60033);background-repeat:repeat-x;border-color:#e60033 #e60033 #902;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff1a4d',endColorstr='#ffe60033',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#e60033;*background-color:#cc002e}.btn-danger:active,.btn-danger.active{background-color:#b30028 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#41bb19;*background-color:#379f15;background-image:-moz-linear-gradient(top,#47cd1b,#379f15);background-image:-webkit-gradient(linear,0 0,0 100%,from(#47cd1b),to(#379f15));background-image:-webkit-linear-gradient(top,#47cd1b,#379f15);background-image:-o-linear-gradient(top,#47cd1b,#379f15);background-image:linear-gradient(to bottom,#47cd1b,#379f15);background-repeat:repeat-x;border-color:#379f15 #379f15 #205c0c;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff47cd1b',endColorstr='#ff379f15',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#379f15;*background-color:#2f8912}.btn-success:active,.btn-success.active{background-color:#28720f \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#9b59bb;*background-color:#8d46b0;background-image:-moz-linear-gradient(top,#a466c2,#8d46b0);background-image:-webkit-gradient(linear,0 0,0 100%,from(#a466c2),to(#8d46b0));background-image:-webkit-linear-gradient(top,#a466c2,#8d46b0);background-image:-o-linear-gradient(top,#a466c2,#8d46b0);background-image:linear-gradient(to bottom,#a466c2,#8d46b0);background-repeat:repeat-x;border-color:#8d46b0 #8d46b0 #613079;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffa466c2',endColorstr='#ff8d46b0',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#8d46b0;*background-color:#7e3f9d}.btn-info:active,.btn-info.active{background-color:#6f378b \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#080808;*background-color:#000;background-image:-moz-linear-gradient(top,#0d0d0d,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0d0d0d),to(#000));background-image:-webkit-linear-gradient(top,#0d0d0d,#000);background-image:-o-linear-gradient(top,#0d0d0d,#000);background-image:linear-gradient(to bottom,#0d0d0d,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0d0d0d',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#000;*background-color:#000}.btn-inverse:active,.btn-inverse.active{background-color:#000 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#007fff;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#06c;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#999;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#c8c8c8}.btn-group.open .btn-primary.dropdown-toggle{background-color:#0072e6}.btn-group.open .btn-warning.dropdown-toggle{background-color:#fe6600}.btn-group.open .btn-danger.dropdown-toggle{background-color:#e60033}.btn-group.open .btn-success.dropdown-toggle{background-color:#379f15}.btn-group.open .btn-info.dropdown-toggle{background-color:#8d46b0}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#000}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#ff7518;border:1px solid transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert,.alert h4{color:#fff}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#fff;background-color:#3fb618;border-color:transparent}.alert-success h4{color:#fff}.alert-danger,.alert-error{color:#fff;background-color:#ff0039;border-color:transparent}.alert-danger h4,.alert-error h4{color:#fff}.alert-info{color:#fff;background-color:#9954bb;border-color:transparent}.alert-info h4{color:#fff}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#dfdfdf;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#007fff}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#bbb;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#007fff}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#007fff;border-bottom-color:#007fff}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#06c;border-bottom-color:#06c}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#bbb;border-bottom-color:#bbb}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#dfdfdf;border-color:#dfdfdf}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#dfdfdf}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#dfdfdf}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:50px;padding-right:20px;padding-left:20px;background-color:#080808;background-image:-moz-linear-gradient(top,#080808,#080808);background-image:-webkit-gradient(linear,0 0,0 100%,from(#080808),to(#080808));background-image:-webkit-linear-gradient(top,#080808,#080808);background-image:-o-linear-gradient(top,#080808,#080808);background-image:linear-gradient(to bottom,#080808,#080808);background-repeat:repeat-x;border:1px solid transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff080808',endColorstr='#ff080808',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:15px 20px 15px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #080808}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:50px;color:#fff}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#bbb}.navbar .divider-vertical{height:50px;margin:0 9px;border-right:1px solid #080808;border-left:1px solid #080808}.navbar .btn,.navbar .btn-group{margin-top:10px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:10px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:10px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Open Sans",Calibri,Candara,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:15px 15px 15px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #080808}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#bbb;text-decoration:none;background-color:rgba(0,0,0,0.05)}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:transparent;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#000;*background-color:#000;background-image:-moz-linear-gradient(top,#000,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#000),to(#000));background-image:-webkit-linear-gradient(top,#000,#000);background-image:-o-linear-gradient(top,#000,#000);background-image:linear-gradient(to bottom,#000,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff000000',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#000;*background-color:#000}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#000 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#bbb;border-bottom-color:#bbb}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:transparent}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#007fff;background-image:-moz-linear-gradient(top,#007fff,#007fff);background-image:-webkit-gradient(linear,0 0,0 100%,from(#007fff),to(#007fff));background-image:-webkit-linear-gradient(top,#007fff,#007fff);background-image:-o-linear-gradient(top,#007fff,#007fff);background-image:linear-gradient(to bottom,#007fff,#007fff);background-repeat:repeat-x;border-color:transparent;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff007fff',endColorstr='#ff007fff',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:rgba(0,0,0,0.05)}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#007fff}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#007fff;border-left-color:#007fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#007fff}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#80bfff;border-color:#007fff;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#999;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0072e6;*background-color:#0072e6;background-image:-moz-linear-gradient(top,#0072e6,#0072e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0072e6),to(#0072e6));background-image:-webkit-linear-gradient(top,#0072e6,#0072e6);background-image:-o-linear-gradient(top,#0072e6,#0072e6);background-image:linear-gradient(to bottom,#0072e6,#0072e6);background-repeat:repeat-x;border-color:#0072e6 #0072e6 #004c99;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0072e6',endColorstr='#ff0072e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#0072e6;*background-color:#06c}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#0059b3 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#dfdfdf}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#dfdfdf;border:1px solid transparent;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#007fff}.pagination ul>.active>a,.pagination ul>.active>span{color:#dfdfdf;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#dfdfdf;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:22px 30px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:2px 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#dfdfdf;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#ff7518;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#ff7518;border-bottom:1px solid #fe6600;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:16px}.popover .arrow:after{border-width:15px;content:""}.popover.top .arrow{bottom:-16px;left:50%;margin-left:-16px;border-top-color:#999;border-top-color:transparent;border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-15px;border-top-color:#ff7518;border-bottom-width:0}.popover.right .arrow{top:50%;left:-16px;margin-top:-16px;border-right-color:#999;border-right-color:transparent;border-left-width:0}.popover.right .arrow:after{bottom:-15px;left:1px;border-right-color:#ff7518;border-left-width:0}.popover.bottom .arrow{top:-16px;left:50%;margin-left:-16px;border-bottom-color:#999;border-bottom-color:transparent;border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-15px;border-bottom-color:#ff7518;border-top-width:0}.popover.left .arrow{top:50%;right:-16px;margin-top:-16px;border-left-color:#999;border-left-color:transparent;border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-15px;border-left-color:#ff7518;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#007fff;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#bbb}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#dfdfdf}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#fff}.label-important[href],.badge-important[href]{background-color:#e6e6e6}.label-warning,.badge-warning{background-color:#ff7518}.label-warning[href],.badge-warning[href]{background-color:#e45c00}.label-success,.badge-success{background-color:#fff}.label-success[href],.badge-success[href]{background-color:#e6e6e6}.label-info,.badge-info{background-color:#fff}.label-info[href],.badge-info[href]{background-color:#e6e6e6}.label-inverse,.badge-inverse{background-color:#999}.label-inverse[href],.badge-inverse[href]{background-color:#808080}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#ff9046;background-image:-moz-linear-gradient(top,#ffa365,#ff7518);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffa365),to(#ff7518));background-image:-webkit-linear-gradient(top,#ffa365,#ff7518);background-image:-o-linear-gradient(top,#ffa365,#ff7518);background-image:linear-gradient(to bottom,#ffa365,#ff7518);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffa365',endColorstr='#ffff7518',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ffa365;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#080808;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#999;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}body{font-weight:300}h1{font-size:50px}h2,h3{font-size:26px}h4{font-size:14px}h5,h6{font-size:11px}blockquote{padding:10px 15px;background-color:#eee;border-left-color:#bbb}blockquote.pull-right{padding:10px 15px;border-right-color:#bbb}blockquote small{color:#bbb}.muted{color:#bbb}.text-warning{color:#ff7518}a.text-warning:hover{color:#e45c00}.text-error{color:#ff0039}a.text-error:hover{color:#cc002e}.text-info{color:#9954bb}a.text-info:hover{color:#7e3f9d}.text-success{color:#3fb618}a.text-success:hover{color:#2f8912}.navbar .navbar-inner{background-image:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand:hover{color:#bbb}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{background-color:rgba(0,0,0,0.05);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle:hover,.navbar .nav li.dropdown.active>.dropdown-toggle:hover,.navbar .nav li.dropdown.open.active>.dropdown-toggle:hover{color:#eee}.navbar .navbar-search .search-query{line-height:normal}.navbar-inverse .brand,.navbar-inverse .nav>li>a{text-shadow:none}.navbar-inverse .brand:hover,.navbar-inverse .nav>.active>a,.navbar-inverse .nav>.active>a:hover,.navbar-inverse .nav>.active>a:focus{color:#fff;background-color:rgba(0,0,0,0.05);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar-inverse .navbar-search .search-query{color:#080808}div.subnav{margin:0 1px;background:#dfdfdf none;border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav .nav{background-color:transparent}div.subnav .nav>li>a{border-color:transparent}div.subnav .nav>.active>a,div.subnav .nav>.active>a:hover{color:#fff;background-color:#000;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav-fixed{top:51px;margin:0}.nav .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover{color:#007fff}.nav-tabs>li>a{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li>a:hover{color:#fff;background-color:#007fff}.nav-tabs.nav-stacked>.active>a,.nav-tabs.nav-stacked>.active>a:hover{color:#bbb;background-color:#fff}.nav-tabs.nav-stacked>li:first-child>a,.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.tabs-below>.nav-tabs>li>a,.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-pills>li>a{color:#000;background-color:#dfdfdf;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-pills>li>a:hover{color:#fff;background-color:#000}.nav-pills>.disabled>a,.nav-pills>.disabled>a:hover{color:#999;background-color:#eee}.nav-list>li>a{color:#080808}.nav-list>li>a:hover{color:#fff;text-shadow:none;background-color:#007fff}.nav-list .nav-header{color:#080808}.nav-list .divider{background-color:#bbb;border-bottom:0}.pagination ul{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.pagination ul>li>a,.pagination ul>li>span{margin-right:6px;color:#080808}.pagination ul>li>a:hover,.pagination ul>li>span:hover{color:#fff;background-color:#080808}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{margin-right:0}.pagination ul>.active>a,.pagination ul>.active>span{color:#fff}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover{color:#999;background-color:#eee}.pager li>a,.pager li>span{color:#080808;background-color:#dfdfdf;border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.pager li>a:hover,.pager li>span:hover{color:#fff;background-color:#080808}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>span{color:#999;background-color:#eee}.breadcrumb{background-color:#dfdfdf}.breadcrumb li{text-shadow:none}.breadcrumb .divider,.breadcrumb .active{color:#080808;text-shadow:none}.btn{padding:5px 12px;text-shadow:none;background-image:none;border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn.disabled{box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-large{padding:22px 30px}.btn-small{padding:2px 10px}.btn-mini{padding:2px 6px}.btn-group>.btn:first-child,.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.dropdown-toggle{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.table tbody tr.success td,.table tbody tr.error td,.table tbody tr.info td,.table tbody tr.warning td{color:#fff}.table-bordered{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table-bordered thead:first-child tr:first-child th:first-child,.table-bordered tbody:first-child tr:first-child td:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table-bordered thead:last-child tr:last-child th:first-child,.table-bordered tbody:last-child tr:last-child td:first-child,.table-bordered tfoot:last-child tr:last-child td:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"]{color:#080808}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#ff7518}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#080808;border-color:#ff7518}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#ff0039}.control-group.error input,.control-group.error select,.control-group.error textarea{color:#080808;border-color:#ff0039}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#9954bb}.control-group.info input,.control-group.info select,.control-group.info textarea{color:#080808;border-color:#9954bb}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#3fb618}.control-group.success input,.control-group.success select,.control-group.success textarea{color:#080808;border-color:#3fb618}legend{color:#080808;border-bottom:0}.form-actions{background-color:#eee;border-top:0}.dropdown-menu{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert{text-shadow:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert-heading,.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{color:#fff}.label{min-width:80px;min-height:80px;font-weight:300;text-shadow:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.label-success{background-color:#3fb618}.label-important{background-color:#ff0039}.label-info{background-color:#9954bb}.label-inverse{background-color:#000}.badge{font-weight:300;text-shadow:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.badge-success{background-color:#3fb618}.badge-important{background-color:#ff0039}.badge-info{background-color:#9954bb}.badge-inverse{background-color:#000}.hero-unit{border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.well{border:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}[class^="icon-"],[class*=" icon-"]{margin:0 2px;vertical-align:-2px}a.thumbnail{background-color:#dfdfdf}a.thumbnail:hover{background-color:#bbb;border-color:transparent}.progress{height:6px;background-color:#eee;background-image:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress .bar{background-color:#007fff;background-image:none}.progress-info{background-color:#9954bb}.progress-success{background-color:#3fb618}.progress-warning{background-color:#ff7518}.progress-danger{background-color:#ff0039}.modal{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.modal-header{border-bottom:0}.modal-footer{background-color:transparent;border-top:0}.popover{color:#fff;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.popover-title{color:#fff;border-bottom:0}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-cyborg.css b/docs/build/html/_static/css/bootstrap2/bootswatch-cyborg.css new file mode 100644 index 0000000..dbaf2d5 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-cyborg.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Droid+Sans:400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:'Droid Sans',sans-serif;font-size:14px;line-height:20px;color:#999;background-color:#060606}a{color:#33b5e5;text-decoration:none}a:hover,a:focus{color:#fff;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#adafae}a.muted:hover,a.muted:focus{color:#939695}.text-warning{color:#a47e3c}a.text-warning:hover,a.text-warning:focus{color:#7f612e}.text-error{color:#b94a48}a.text-error:hover,a.text-error:focus{color:#953b39}.text-info{color:#09c}a.text-info:hover,a.text-info:focus{color:#007399}.text-success{color:#468847}a.text-success:hover,a.text-success:focus{color:#356635}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:normal;line-height:20px;color:#fff;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#adafae}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #222;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #adafae}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#adafae}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#222;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#222;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#adafae}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:'Droid Sans',sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#999;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#ccc;border:1px solid #bbb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#ccc;border:1px solid #bbb}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#adafae;cursor:not-allowed;background-color:#c9c9c9;border-color:#bbb;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#adafae}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#adafae}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#adafae}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#555}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#a47e3c}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#a47e3c}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#7f612e;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ceae78;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ceae78;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ceae78}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#a47e3c;background-color:#eee;border-color:#a47e3c}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#b94a48}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#b94a48}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#b94a48;background-color:#eee;border-color:#b94a48}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#468847}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#468847}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#468847;background-color:#eee;border-color:#468847}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#09c}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#09c}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#09c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#007399;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3cf;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3cf;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3cf}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#09c;background-color:#eee;border-color:#09c}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:transparent;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#bfbfbf}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#bf3;border-color:#690}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #222}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #222}.table .table{background-color:#060606}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #222;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #222}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:rgba(100,100,100,0.1)}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#222}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#eee}.table tbody tr.error>td{background-color:#eee}.table tbody tr.warning>td{background-color:#eee}.table tbody tr.info>td{background-color:#eee}.table-hover tbody tr.success:hover>td{background-color:#e1e1e1}.table-hover tbody tr.error:hover>td{background-color:#e1e1e1}.table-hover tbody tr.warning:hover>td{background-color:#e1e1e1}.table-hover tbody tr.info:hover>td{background-color:#e1e1e1}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#131517;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:transparent;border-bottom:1px solid #222}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#999;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#2ab2e4;background-image:-moz-linear-gradient(top,#33b5e5,#1dade2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#33b5e5),to(#1dade2));background-image:-webkit-linear-gradient(top,#33b5e5,#1dade2);background-image:-o-linear-gradient(top,#33b5e5,#1dade2);background-image:linear-gradient(to bottom,#33b5e5,#1dade2);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff33b5e5',endColorstr='#ff1dade2',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#2ab2e4;background-image:-moz-linear-gradient(top,#33b5e5,#1dade2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#33b5e5),to(#1dade2));background-image:-webkit-linear-gradient(top,#33b5e5,#1dade2);background-image:-o-linear-gradient(top,#33b5e5,#1dade2);background-image:linear-gradient(to bottom,#33b5e5,#1dade2);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff33b5e5',endColorstr='#ff1dade2',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#adafae}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#000;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#131517;border:1px solid #030303;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#222;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#616161;*background-color:#595959;background-image:-moz-linear-gradient(top,#666,#595959);background-image:-webkit-gradient(linear,0 0,0 100%,from(#666),to(#595959));background-image:-webkit-linear-gradient(top,#666,#595959);background-image:-o-linear-gradient(top,#666,#595959);background-image:linear-gradient(to bottom,#666,#595959);background-repeat:repeat-x;border:1px solid rgba(0,0,0,0);*border:0;border-color:#595959 #595959 #333;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:rgba(0,0,0,0);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff666666',endColorstr='#ff595959',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#222;background-color:#595959;*background-color:#4d4d4d}.btn:active,.btn.active{background-color:#404040 \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#222;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#008ab8;*background-color:#007399;background-image:-moz-linear-gradient(top,#09c,#007399);background-image:-webkit-gradient(linear,0 0,0 100%,from(#09c),to(#007399));background-image:-webkit-linear-gradient(top,#09c,#007399);background-image:-o-linear-gradient(top,#09c,#007399);background-image:linear-gradient(to bottom,#09c,#007399);background-repeat:repeat-x;border-color:#007399 #007399 #00394d;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0099cc',endColorstr='#ff007399',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#007399;*background-color:#006080}.btn-primary:active,.btn-primary.active{background-color:#004d66 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ff9d2e;*background-color:#f80;background-image:-moz-linear-gradient(top,#ffac4d,#f80);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffac4d),to(#f80));background-image:-webkit-linear-gradient(top,#ffac4d,#f80);background-image:-o-linear-gradient(top,#ffac4d,#f80);background-image:linear-gradient(to bottom,#ffac4d,#f80);background-repeat:repeat-x;border-color:#f80 #f80 #b35f00;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffac4d',endColorstr='#ffff8800',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f80;*background-color:#e67a00}.btn-warning:active,.btn-warning.active{background-color:#cc6d00 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#eb0000;*background-color:#c00;background-image:-moz-linear-gradient(top,#f00,#c00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f00),to(#c00));background-image:-webkit-linear-gradient(top,#f00,#c00);background-image:-o-linear-gradient(top,#f00,#c00);background-image:linear-gradient(to bottom,#f00,#c00);background-repeat:repeat-x;border-color:#c00 #c00 #800000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0000',endColorstr='#ffcc0000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#c00;*background-color:#b30000}.btn-danger:active,.btn-danger.active{background-color:#900 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#7ab800;*background-color:#690;background-image:-moz-linear-gradient(top,#8c0,#690);background-image:-webkit-gradient(linear,0 0,0 100%,from(#8c0),to(#690));background-image:-webkit-linear-gradient(top,#8c0,#690);background-image:-o-linear-gradient(top,#8c0,#690);background-image:linear-gradient(to bottom,#8c0,#690);background-repeat:repeat-x;border-color:#690 #690 #334d00;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff88cc00',endColorstr='#ff669900',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#690;*background-color:#558000}.btn-success:active,.btn-success.active{background-color:#460 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#292929;*background-color:#191919;background-image:-moz-linear-gradient(top,#333,#191919);background-image:-webkit-gradient(linear,0 0,0 100%,from(#333),to(#191919));background-image:-webkit-linear-gradient(top,#333,#191919);background-image:-o-linear-gradient(top,#333,#191919);background-image:linear-gradient(to bottom,#333,#191919);background-repeat:repeat-x;border-color:#191919 #191919 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff333333',endColorstr='#ff191919',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#191919;*background-color:#0d0d0d}.btn-info:active,.btn-info.active{background-color:#000 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#9f3fcf;*background-color:#93c;background-image:-moz-linear-gradient(top,#a347d1,#93c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#a347d1),to(#93c));background-image:-webkit-linear-gradient(top,#a347d1,#93c);background-image:-o-linear-gradient(top,#a347d1,#93c);background-image:linear-gradient(to bottom,#a347d1,#93c);background-repeat:repeat-x;border-color:#93c #93c #6b248f;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffa347d1',endColorstr='#ff9933cc',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#93c;*background-color:#8a2eb8}.btn-inverse:active,.btn-inverse.active{background-color:#7a29a3 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#33b5e5;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#fff;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#222;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#595959}.btn-group.open .btn-primary.dropdown-toggle{background-color:#007399}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f80}.btn-group.open .btn-danger.dropdown-toggle{background-color:#c00}.btn-group.open .btn-success.dropdown-toggle{background-color:#690}.btn-group.open .btn-info.dropdown-toggle{background-color:#191919}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#93c}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#eee;border:1px solid transparent;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#a47e3c}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#468847;background-color:#eee;border-color:#e1e1e1}.alert-success h4{color:#468847}.alert-danger,.alert-error{color:#b94a48;background-color:#eee;border-color:#e6e6e6}.alert-danger h4,.alert-error h4{color:#b94a48}.alert-info{color:#09c;background-color:#eee;border-color:#dcdcdc}.alert-info h4{color:#09c}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#adafae;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#33b5e5}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#999;cursor:default;background-color:#060606;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#33b5e5}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#33b5e5;border-bottom-color:#33b5e5}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#999;border-bottom-color:#999}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#adafae;border-color:#adafae}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#adafae}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#adafae}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:50px;padding-right:20px;padding-left:20px;background-color:#020202;background-image:-moz-linear-gradient(top,#020202,#020202);background-image:-webkit-gradient(linear,0 0,0 100%,from(#020202),to(#020202));background-image:-webkit-linear-gradient(top,#020202,#020202);background-image:-o-linear-gradient(top,#020202,#020202);background-image:linear-gradient(to bottom,#020202,#020202);background-repeat:repeat-x;border:1px solid #000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202',endColorstr='#ff020202',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:15px 20px 15px;margin-left:-20px;font-size:20px;font-weight:200;color:#adafae;text-shadow:0 1px 0 #020202}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:50px;color:#adafae}.navbar-link{color:#adafae}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:50px;margin:0 9px;border-right:1px solid #020202;border-left:1px solid #020202}.navbar .btn,.navbar .btn-group{margin-top:10px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:10px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:10px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:'Droid Sans',sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:15px 15px 15px;color:#adafae;text-decoration:none;text-shadow:0 1px 0 #020202}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#020202;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#000;*background-color:#000;background-image:-moz-linear-gradient(top,#000,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#000),to(#000));background-image:-webkit-linear-gradient(top,#000,#000);background-image:-o-linear-gradient(top,#000,#000);background-image:linear-gradient(to bottom,#000,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff000000',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#000;*background-color:#000}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#000 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #131517;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #131517;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#020202}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#adafae;border-bottom-color:#adafae}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#252a30;background-image:-moz-linear-gradient(top,#252a30,#252a30);background-image:-webkit-gradient(linear,0 0,0 100%,from(#252a30),to(#252a30));background-image:-webkit-linear-gradient(top,#252a30,#252a30);background-image:-o-linear-gradient(top,#252a30,#252a30);background-image:linear-gradient(to bottom,#252a30,#252a30);background-repeat:repeat-x;border-color:transparent;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff252a30',endColorstr='#ff252a30',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#adafae;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#adafae}.navbar-inverse .navbar-text{color:#adafae}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:#242a31}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#242a31}.navbar-inverse .navbar-link{color:#adafae}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#252a30;border-left-color:#252a30}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#242a31}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#adafae;border-bottom-color:#adafae}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#5d6978;border-color:#252a30;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#222;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#1a1d22;*background-color:#1a1d22;background-image:-moz-linear-gradient(top,#1a1d22,#1a1d22);background-image:-webkit-gradient(linear,0 0,0 100%,from(#1a1d22),to(#1a1d22));background-image:-webkit-linear-gradient(top,#1a1d22,#1a1d22);background-image:-o-linear-gradient(top,#1a1d22,#1a1d22);background-image:linear-gradient(to bottom,#1a1d22,#1a1d22);background-repeat:repeat-x;border-color:#1a1d22 #1a1d22 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff1a1d22',endColorstr='#ff1a1d22',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#1a1d22;*background-color:#0f1113}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#040405 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#adafae}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#060606;border:1px solid transparent;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#33b5e5}.pagination ul>.active>a,.pagination ul>.active>span{color:#adafae;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#adafae;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#adafae;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1020;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#131517;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#131517;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#131517;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#131517;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#131517;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#131517;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#131517;border-bottom:1px solid #070809;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#131517;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#131517;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#131517;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#131517;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#33b5e5;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#999}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#adafae}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#b94a48}.label-important[href],.badge-important[href]{background-color:#953b39}.label-warning,.badge-warning{background-color:#f80}.label-warning[href],.badge-warning[href]{background-color:#cc6d00}.label-success,.badge-success{background-color:#468847}.label-success[href],.badge-success[href]{background-color:#356635}.label-info,.badge-info{background-color:#09c}.label-info[href],.badge-info[href]{background-color:#007399}.label-inverse,.badge-inverse{background-color:#222}.label-inverse[href],.badge-inverse[href]{background-color:#080808}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#ff9d2e;background-image:-moz-linear-gradient(top,#ffac4d,#f80);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffac4d),to(#f80));background-image:-webkit-linear-gradient(top,#ffac4d,#f80);background-image:-o-linear-gradient(top,#ffac4d,#f80);background-image:linear-gradient(to bottom,#ffac4d,#f80);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffac4d',endColorstr='#ffff8800',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ffac4d;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#020202;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#222;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#131517;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}label,input,button,select,textarea,.navbar .search-query:-moz-placeholder,.navbar .search-query::-webkit-input-placeholder{font-family:'Droid Sans',sans-serif;color:#999}code,pre{background-color:#eee}blockquote{border-left:5px solid #222}blockquote.pull-right{border-right:5px solid #222}html{min-height:100%}body{min-height:100%;background-color:#121417;background-image:-moz-linear-gradient(top,#060606,#252a30);background-image:-webkit-gradient(linear,0 0,0 100%,from(#060606),to(#252a30));background-image:-webkit-linear-gradient(top,#060606,#252a30);background-image:-o-linear-gradient(top,#060606,#252a30);background-image:linear-gradient(to bottom,#060606,#252a30);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff060606',endColorstr='#ff252a30',GradientType=0)}.page-header{border-bottom:1px solid #222}hr{border-bottom:0}.navbar .navbar-inner{border-bottom:1px solid #222;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand{padding:15px 20px 15px;font-weight:normal;color:#eee;text-shadow:none}.navbar .nav>li>a{padding:15px 15px 14px;border-bottom:1px solid transparent}.navbar .nav>li>a:hover,.navbar .nav>.active>a,.navbar .nav>.active>a:hover{border-bottom:1px solid #33b5e5}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-text{padding:15px 15px 14px;margin-bottom:1px;line-height:inherit}.navbar .divider-vertical{margin:0;border-left:1px solid #222;border-right-width:0}.navbar .search-query,.navbar .search-query:focus,.navbar .search-query.focused{line-height:normal;color:#adafae;text-shadow:none;background-color:#222;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px}.navbar .search-query:-moz-placeholder,.navbar .search-query:focus:-moz-placeholder,.navbar .search-query.focused:-moz-placeholder{color:#999}.navbar .search-query:-ms-input-placeholder,.navbar .search-query:focus:-ms-input-placeholder,.navbar .search-query.focused:-ms-input-placeholder{color:#999}.navbar .search-query::-webkit-input-placeholder,.navbar .search-query:focus::-webkit-input-placeholder,.navbar .search-query.focused::-webkit-input-placeholder{color:#999}@media(max-width:979px){.navbar .nav-collapse .nav li>a{font-weight:normal;color:#eee;text-shadow:none;border:0}.navbar .nav-collapse .nav li>a:hover{background-color:#33b5e5;border:0}.navbar .nav-collapse .nav .active>a{background-color:#33b5e5;border:0}.navbar .nav-collapse .dropdown-menu a:hover{background-color:#33b5e5}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border-top:0;border-bottom:0}.navbar .nav-collapse .nav-header{color:rgba(128,128,128,0.6)}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:#111}.navbar-inverse .nav-collapse .nav .active>a{background-color:#111}.navbar-inverse .nav-collapse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav-collapse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav-collapse .nav li.dropdown.open.active>.dropdown-toggle{background-color:#111}}div.subnav{margin:0 1px;background-color:#020202;background-image:none;border:0;border-bottom:1px solid #222}div.subnav .nav>li>a,div.subnav .nav>li:first-child>a,div.subnav .nav>li:first-child>a:hover{padding:11px 12px;color:#adafae;background-color:#020202;border:0}div.subnav .nav>li>a:hover,div.subnav .nav>li.active>a,div.subnav .nav>li.active>a:hover,div.subnav .nav>li:first-child>a:hover{padding:11px 12px;color:#fff;background:transparent;border:0;border-bottom:1px solid #33b5e5}div.subnav .nav li.nav-header{text-shadow:none}div.subnav-fixed{top:50px;margin:0}.nav-tabs{border-bottom:1px solid #222}.nav-tabs li>a:hover,.nav-tabs li.active>a,.nav-tabs li.active>a:hover{color:#fff;background-color:#33b5e5;border-color:transparent}.nav-tabs li.disabled>a{color:#999}.nav-tabs .open .dropdown-toggle{background-color:#060606;border-color:transparent}.nav-pills li>a:hover{color:#fff;background-color:#33b5e5}.nav-pills li.disabled>a{color:#999}.nav-pills .open .dropdown-toggle{background-color:#060606}.nav-pills .dropdown-menu li>a:hover{border:0}.nav-list li>a{text-shadow:none}.nav-list li>a:hover{color:#fff;background-color:#33b5e5}.nav-list .nav-header{text-shadow:none}.nav-list .divider{background-color:transparent;border-bottom:1px solid #222}.nav-stacked li>a{border:1px solid #222!important}.nav-stacked li>a:hover,.nav-stacked li.active>a{color:#fff;background-color:#33b5e5}.tabbable .nav-tabs,.tabbable .nav-tabs li.active>a{border-color:#222}.breadcrumb{font-size:14px;background-color:transparent;background-image:none;border-width:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.breadcrumb li{text-shadow:none}.breadcrumb li>a{color:#33b5e5;text-shadow:none}.pagination ul{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{background-color:rgba(0,0,0,0.2)}.pager li>a,.pager li>span{background-color:#060606;border:0}.pager li>a:hover,.pager li>span:hover{background-color:#33b5e5}.pager .disabled a,.pager .disabled a:hover{background-color:#060606}.btn{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);text-shadow:none;background-color:#5c5c5c;*background-color:#4d4d4d;background-image:-moz-linear-gradient(top,#666,#4d4d4d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#666),to(#4d4d4d));background-image:-webkit-linear-gradient(top,#666,#4d4d4d);background-image:-o-linear-gradient(top,#666,#4d4d4d);background-image:linear-gradient(to bottom,#666,#4d4d4d);background-repeat:repeat-x;border-color:#4d4d4d #4d4d4d #262626;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff666666',endColorstr='#ff4d4d4d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:1px 1px 2px #111;-moz-box-shadow:1px 1px 2px #111;box-shadow:1px 1px 2px #111}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#fff;background-color:#4d4d4d;*background-color:#404040}.btn:active,.btn.active{background-color:#333 \9}.btn:hover{color:#fff;text-shadow:none}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#008ab8;*background-color:#007399;background-image:-moz-linear-gradient(top,#09c,#007399);background-image:-webkit-gradient(linear,0 0,0 100%,from(#09c),to(#007399));background-image:-webkit-linear-gradient(top,#09c,#007399);background-image:-o-linear-gradient(top,#09c,#007399);background-image:linear-gradient(to bottom,#09c,#007399);background-repeat:repeat-x;border-color:#007399 #007399 #00394d;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0099cc',endColorstr='#ff007399',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#007399;*background-color:#006080}.btn-primary:active,.btn-primary.active{background-color:#004d66 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ff961f;*background-color:#f80;background-image:-moz-linear-gradient(top,#ffa033,#f80);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffa033),to(#f80));background-image:-webkit-linear-gradient(top,#ffa033,#f80);background-image:-o-linear-gradient(top,#ffa033,#f80);background-image:linear-gradient(to bottom,#ffa033,#f80);background-repeat:repeat-x;border-color:#f80 #f80 #b35f00;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffa033',endColorstr='#ffff8800',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f80;*background-color:#e67a00}.btn-warning:active,.btn-warning.active{background-color:#cc6d00 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#eb0000;*background-color:#c00;background-image:-moz-linear-gradient(top,#f00,#c00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f00),to(#c00));background-image:-webkit-linear-gradient(top,#f00,#c00);background-image:-o-linear-gradient(top,#f00,#c00);background-image:linear-gradient(to bottom,#f00,#c00);background-repeat:repeat-x;border-color:#c00 #c00 #800000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0000',endColorstr='#ffcc0000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#c00;*background-color:#b30000}.btn-danger:active,.btn-danger.active{background-color:#900 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#7ab800;*background-color:#690;background-image:-moz-linear-gradient(top,#8c0,#690);background-image:-webkit-gradient(linear,0 0,0 100%,from(#8c0),to(#690));background-image:-webkit-linear-gradient(top,#8c0,#690);background-image:-o-linear-gradient(top,#8c0,#690);background-image:linear-gradient(to bottom,#8c0,#690);background-repeat:repeat-x;border-color:#690 #690 #334d00;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff88cc00',endColorstr='#ff669900',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#690;*background-color:#558000}.btn-success:active,.btn-success.active{background-color:#460 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#292929;*background-color:#191919;background-image:-moz-linear-gradient(top,#333,#191919);background-image:-webkit-gradient(linear,0 0,0 100%,from(#333),to(#191919));background-image:-webkit-linear-gradient(top,#333,#191919);background-image:-o-linear-gradient(top,#333,#191919);background-image:linear-gradient(to bottom,#333,#191919);background-repeat:repeat-x;border-color:#191919 #191919 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff333333',endColorstr='#ff191919',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#191919;*background-color:#0d0d0d}.btn-info:active,.btn-info.active{background-color:#000 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#9f3fcf;*background-color:#93c;background-image:-moz-linear-gradient(top,#a347d1,#93c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#a347d1),to(#93c));background-image:-webkit-linear-gradient(top,#a347d1,#93c);background-image:-o-linear-gradient(top,#a347d1,#93c);background-image:linear-gradient(to bottom,#a347d1,#93c);background-repeat:repeat-x;border-color:#93c #93c #6b248f;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffa347d1',endColorstr='#ff9933cc',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#93c;*background-color:#8a2eb8}.btn-inverse:active,.btn-inverse.active{background-color:#7a29a3 \9}.btn .caret{border-top:4px solid black;opacity:.3}.btn-group>.dropdown-menu>li>a:hover{border-bottom:0}.btn.disabled,.btn[disabled]{background-color:#adafae}input,textarea,select{border-width:2px;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{color:#222}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly],.uneditable-input{border-color:#444}input:focus,textarea:focus,input.focused,textarea.focused{border-color:#52a8ec;outline:0;outline:thin dotted \9}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus,select:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}legend,label{color:#999;border-bottom:0 solid #222}.form-actions{border-top:1px solid #222}.table{-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px}.table tbody tr.success td{color:#fff;background-color:#690}.table tbody tr.error td{color:#fff;background-color:#c00}.table tbody tr.info td{color:#fff;background-color:#33b5e5}.table tbody tr.warning td{color:#fff;background-color:#f80}.dropdown-menu{-webkit-box-shadow:0 2px 4px rgba(0,0,0,0.8);-moz-box-shadow:0 2px 4px rgba(0,0,0,0.8);box-shadow:0 2px 4px rgba(0,0,0,0.8)}.alert,.alert .alert-heading,.alert-success,.alert-success .alert-heading,.alert-danger,.alert-error,.alert-danger .alert-heading,.alert-error .alert-heading,.alert-info,.alert-info .alert-heading{color:#eee;text-shadow:none;border:0}.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{color:#eee}.label{color:#eee}.label,.alert{background-color:#666}.label:hover{background-color:#4d4d4d}.label-important,.alert-danger,.alert-error{background-color:#c00}.label-important:hover{background-color:#900}.label-warning,.alert-warning{background-color:#cc6d00}.label-warning:hover{background-color:#995200}.label-success,.alert-success{background-color:#5c8a00}.label-success:hover{background-color:#3a5700}.label-info,.alert-info{background-color:#007399}.label-info:hover{background-color:#004d66}.badge-inverse,.label-inverse,.alert-inverse{background-color:#7a29a3}.label-inverse:hover{background-color:#5c1f7a}.well,.hero-unit{-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px}.well,.hero-unit{border-top:solid 1px #2f2f2f;-webkit-box-shadow:0 2px 4px rgba(0,0,0,0.8);-moz-box-shadow:0 2px 4px rgba(0,0,0,0.8);box-shadow:0 2px 4px rgba(0,0,0,0.8)}.thumbnail{border-color:#222}.progress{background-color:#060606;background-image:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.modal{background-color:#222;border-top:solid 1px #2f2f2f;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px}.modal-header{border-bottom:1px solid #222}.modal-footer{background-color:#222;border-top:1px solid #222;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.footer{border-top:1px solid #222}@media(max-width:768px){div.subnav .nav>li+li>a,div.subnav .nav>li:first-child>a{border-top:1px solid #222;border-left:1px solid #222}.subnav .nav>li+li>a:hover,.subnav .nav>li:first-child>a:hover{background-color:#33b5e5;border-bottom:0}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-flatly.css b/docs/build/html/_static/css/bootstrap2/bootswatch-flatly.css new file mode 100644 index 0000000..c6923a9 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-flatly.css @@ -0,0 +1,9 @@ +@import url("//fonts.googleapis.com/css?family=Lato:400,700,900,400italic");/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:20px;color:#2c3e50;background-color:#fff}a{color:#1abc9c;text-decoration:none}a:hover,a:focus{color:#1dd2af;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:22.5px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#b4bcc2}a.muted:hover,a.muted:focus{color:#98a3ab}.text-warning{color:#e6bb0d}a.text-warning:hover,a.text-warning:focus{color:#b6940a}.text-error{color:#e74c3c}a.text-error:hover,a.text-error:focus{color:#d62c1a}.text-info{color:#3498db}a.text-info:hover,a.text-info:focus{color:#217dbb}.text-success{color:#18bc9c}a.text-success:hover,a.text-success:focus{color:#128f76}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:bold;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#b4bcc2}h1,h2,h3{line-height:40px}h1{font-size:41.25px}h2{font-size:33.75px}h3{font-size:26.25px}h4{font-size:18.75px}h5{font-size:15px}h6{font-size:12.75px}h1 small{font-size:26.25px}h2 small{font-size:18.75px}h3 small{font-size:15px}h4 small{font-size:15px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #ecf0f1}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #ecf0f1;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #b4bcc2}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #ecf0f1}blockquote p{margin-bottom:0;font-size:18.75px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#b4bcc2}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #ecf0f1;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Monaco,Menlo,Consolas,"Courier New",monospace;font-size:13px;color:#7b8a8b;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:14px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:22.5px;line-height:40px;color:#7b8a8b;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#b4bcc2}label,input,button,select,textarea{font-size:15px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:15px;line-height:20px;color:#95a5a6;vertical-align:middle;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #dce4ec;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #dce4ec}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#b4bcc2;cursor:not-allowed;background-color:#fcfcfc;border-color:#dce4ec;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#b4bcc2}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#b4bcc2}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#b4bcc2}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eaeded}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#e6bb0d}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#e6bb0d}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#e6bb0d;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#b6940a;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f6d963;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f6d963;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f6d963}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#e6bb0d;background-color:#e6bb0d;border-color:#e6bb0d}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#e74c3c}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#e74c3c}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#e74c3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#d62c1a;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f29f97;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f29f97;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f29f97}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#e74c3c;background-color:#e74c3c;border-color:#e74c3c}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#18bc9c}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#18bc9c}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#18bc9c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#128f76;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #51e9cb;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #51e9cb;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #51e9cb}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#18bc9c;background-color:#18bc9c;border-color:#18bc9c}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3498db}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3498db}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3498db;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#217dbb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #8bc4ea;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #8bc4ea;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #8bc4ea}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3498db;background-color:#3498db;border-color:#3498db}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#476481}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:15px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:15px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#ecf0f1;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#7eefd9;border-color:#18bc9c}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-topleft:6px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-moz-border-radius-topright:6px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-moz-border-radius-bottomleft:6px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-bottomright:6px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-topleft:6px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-moz-border-radius-topright:6px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#18bc9c}.table tbody tr.error>td{background-color:#e74c3c}.table tbody tr.warning>td{background-color:#e6bb0d}.table tbody tr.info>td{background-color:#3498db}.table-hover tbody tr.success:hover>td{background-color:#15a589}.table-hover tbody tr.error:hover>td{background-color:#e43725}.table-hover tbody tr.warning:hover>td{background-color:#cea70c}.table-hover tbody tr.info:hover>td{background-color:#258cd1}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#2c3e50;border:1px solid #ccc;border:1px solid rgba(0,0,0,0);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:rgba(0,0,0,0.2);border-bottom:1px solid rgba(0,0,0,0.2)}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#fff;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#17b394;background-image:-moz-linear-gradient(top,#18bc9c,#15a589);background-image:-webkit-gradient(linear,0 0,0 100%,from(#18bc9c),to(#15a589));background-image:-webkit-linear-gradient(top,#18bc9c,#15a589);background-image:-o-linear-gradient(top,#18bc9c,#15a589);background-image:linear-gradient(to bottom,#18bc9c,#15a589);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff18bc9c',endColorstr='#ff15a589',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#17b394;background-image:-moz-linear-gradient(top,#18bc9c,#15a589);background-image:-webkit-gradient(linear,0 0,0 100%,from(#18bc9c),to(#15a589));background-image:-webkit-linear-gradient(top,#18bc9c,#15a589);background-image:-o-linear-gradient(top,#18bc9c,#15a589);background-image:linear-gradient(to bottom,#18bc9c,#15a589);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff18bc9c',endColorstr='#ff15a589',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#b4bcc2}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#080b0e;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#ecf0f1;border:1px solid #d7e0e2;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:10px;-moz-border-radius:10px;border-radius:10px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:15px;line-height:20px;color:#7b8a8b;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#bfc6cb;*background-color:#d0d5d9;background-image:-moz-linear-gradient(top,#b4bcc2,#d0d5d9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#b4bcc2),to(#d0d5d9));background-image:-webkit-linear-gradient(top,#b4bcc2,#d0d5d9);background-image:-o-linear-gradient(top,#b4bcc2,#d0d5d9);background-image:linear-gradient(to bottom,#b4bcc2,#d0d5d9);background-repeat:repeat-x;border:1px solid #ddd;*border:0;border-color:#d0d5d9 #d0d5d9 #a6afb7;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#c4c4c4;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffb4bcc2',endColorstr='#ffd0d5d9',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#7b8a8b;background-color:#d0d5d9;*background-color:#c2c9cd}.btn:active,.btn.active{background-color:#b4bcc2 \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#7b8a8b;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:18px 36px;font-size:18.75px;-webkit-border-radius:10px;-moz-border-radius:10px;border-radius:10px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 12px;font-size:12.75px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:1px 8px;font-size:11.25px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#33485d;*background-color:#3e5771;background-image:-moz-linear-gradient(top,#2c3e50,#3e5771);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2c3e50),to(#3e5771));background-image:-webkit-linear-gradient(top,#2c3e50,#3e5771);background-image:-o-linear-gradient(top,#2c3e50,#3e5771);background-image:linear-gradient(to bottom,#2c3e50,#3e5771);background-repeat:repeat-x;border-color:#3e5771 #3e5771 #233140;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2c3e50',endColorstr='#ff3e5771',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#3e5771;*background-color:#354b60}.btn-primary:active,.btn-primary.active{background-color:#2c3e50 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f4a425;*background-color:#f5b043;background-image:-moz-linear-gradient(top,#f39c12,#f5b043);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f39c12),to(#f5b043));background-image:-webkit-linear-gradient(top,#f39c12,#f5b043);background-image:-o-linear-gradient(top,#f39c12,#f5b043);background-image:linear-gradient(to bottom,#f39c12,#f5b043);background-repeat:repeat-x;border-color:#f5b043 #f5b043 #e08e0b;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff39c12',endColorstr='#fff5b043',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f5b043;*background-color:#f4a62a}.btn-warning:active,.btn-warning.active{background-color:#f39c12 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e95d4e;*background-color:#ed7669;background-image:-moz-linear-gradient(top,#e74c3c,#ed7669);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e74c3c),to(#ed7669));background-image:-webkit-linear-gradient(top,#e74c3c,#ed7669);background-image:-o-linear-gradient(top,#e74c3c,#ed7669);background-image:linear-gradient(to bottom,#e74c3c,#ed7669);background-repeat:repeat-x;border-color:#ed7669 #ed7669 #e43725;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe74c3c',endColorstr='#ffed7669',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#ed7669;*background-color:#ea6153}.btn-danger:active,.btn-danger.active{background-color:#e74c3c \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#1dccaa;*background-color:#24e3be;background-image:-moz-linear-gradient(top,#18bc9c,#24e3be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#18bc9c),to(#24e3be));background-image:-webkit-linear-gradient(top,#18bc9c,#24e3be);background-image:-o-linear-gradient(top,#18bc9c,#24e3be);background-image:linear-gradient(to bottom,#18bc9c,#24e3be);background-repeat:repeat-x;border-color:#24e3be #24e3be #15a589;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff18bc9c',endColorstr='#ff24e3be',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#24e3be;*background-color:#1bd3af}.btn-success:active,.btn-success.active{background-color:#18bc9c \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#45a1de;*background-color:#5faee3;background-image:-moz-linear-gradient(top,#3498db,#5faee3);background-image:-webkit-gradient(linear,0 0,0 100%,from(#3498db),to(#5faee3));background-image:-webkit-linear-gradient(top,#3498db,#5faee3);background-image:-o-linear-gradient(top,#3498db,#5faee3);background-image:linear-gradient(to bottom,#3498db,#5faee3);background-repeat:repeat-x;border-color:#5faee3 #5faee3 #258cd1;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3498db',endColorstr='#ff5faee3',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#5faee3;*background-color:#4aa3df}.btn-info:active,.btn-info.active{background-color:#3498db \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#2c2c2c;*background-color:#3c3c3c;background-image:-moz-linear-gradient(top,#222,#3c3c3c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#222),to(#3c3c3c));background-image:-webkit-linear-gradient(top,#222,#3c3c3c);background-image:-o-linear-gradient(top,#222,#3c3c3c);background-image:linear-gradient(to bottom,#222,#3c3c3c);background-repeat:repeat-x;border-color:#3c3c3c #3c3c3c #151515;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff222222',endColorstr='#ff3c3c3c',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#3c3c3c;*background-color:#2f2f2f}.btn-inverse:active,.btn-inverse.active{background-color:#222 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#1abc9c;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#1dd2af;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#7b8a8b;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:15px}.btn-group>.btn-mini{font-size:11.25px}.btn-group>.btn-small{font-size:12.75px}.btn-group>.btn-large{font-size:18.75px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:10px;border-bottom-left-radius:10px;-webkit-border-top-left-radius:10px;border-top-left-radius:10px;-moz-border-radius-bottomleft:10px;-moz-border-radius-topleft:10px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:10px;border-top-right-radius:10px;-webkit-border-bottom-right-radius:10px;border-bottom-right-radius:10px;-moz-border-radius-topright:10px;-moz-border-radius-bottomright:10px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#d0d5d9}.btn-group.open .btn-primary.dropdown-toggle{background-color:#3e5771}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f5b043}.btn-group.open .btn-danger.dropdown-toggle{background-color:#ed7669}.btn-group.open .btn-success.dropdown-toggle{background-color:#24e3be}.btn-group.open .btn-info.dropdown-toggle{background-color:#5faee3}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#3c3c3c}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:10px 10px 0 0;-moz-border-radius:10px 10px 0 0;border-radius:10px 10px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 10px 10px;-moz-border-radius:0 0 10px 10px;border-radius:0 0 10px 10px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#e6bb0d;border:1px solid transparent;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.alert,.alert h4{color:#e6bb0d}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#18bc9c;background-color:#18bc9c;border-color:transparent}.alert-success h4{color:#18bc9c}.alert-danger,.alert-error{color:#e74c3c;background-color:#e74c3c;border-color:transparent}.alert-danger h4,.alert-error h4{color:#e74c3c}.alert-info{color:#3498db;background-color:#3498db;border-color:transparent}.alert-info h4{color:#3498db}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#ecf0f1}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#b4bcc2;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#1abc9c}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#ecf0f1 #ecf0f1 #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#95a5a6;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#1abc9c}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#1abc9c;border-bottom-color:#1abc9c}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#1dd2af;border-bottom-color:#1dd2af}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#95a5a6;border-bottom-color:#95a5a6}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#b4bcc2;border-color:#b4bcc2}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#b4bcc2}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#ecf0f1 #ddd #ecf0f1 #ecf0f1}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#ecf0f1 #ecf0f1 #ecf0f1 #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#b4bcc2}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:50px;padding-right:20px;padding-left:20px;background-color:#2c3e50;background-image:-moz-linear-gradient(top,#2c3e50,#2c3e50);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2c3e50),to(#2c3e50));background-image:-webkit-linear-gradient(top,#2c3e50,#2c3e50);background-image:-o-linear-gradient(top,#2c3e50,#2c3e50);background-image:linear-gradient(to bottom,#2c3e50,#2c3e50);background-repeat:repeat-x;border:1px solid #233140;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2c3e50',endColorstr='#ff2c3e50',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:15px 20px 15px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #2c3e50}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:50px;color:#fff}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#1abc9c}.navbar .divider-vertical{height:50px;margin:0 9px;border-right:1px solid #2c3e50;border-left:1px solid #2c3e50}.navbar .btn,.navbar .btn-group{margin-top:10px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:10px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:10px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:15px 15px 15px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #2c3e50}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#1abc9c;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#1abc9c;text-decoration:none;background-color:#233140;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#233140;*background-color:#233140;background-image:-moz-linear-gradient(top,#233140,#233140);background-image:-webkit-gradient(linear,0 0,0 100%,from(#233140),to(#233140));background-image:-webkit-linear-gradient(top,#233140,#233140);background-image:-o-linear-gradient(top,#233140,#233140);background-image:linear-gradient(to bottom,#233140,#233140);background-repeat:repeat-x;border-color:#233140 #233140 #080b0e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff233140',endColorstr='#ff233140',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#233140;*background-color:#1a242f}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#11181f \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #2c3e50;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #2c3e50;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#1abc9c;border-bottom-color:#1abc9c}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#1abc9c;background-color:#233140}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#1abc9c;border-bottom-color:#1abc9c}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#18bc9c;background-image:-moz-linear-gradient(top,#18bc9c,#18bc9c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#18bc9c),to(#18bc9c));background-image:-webkit-linear-gradient(top,#18bc9c,#18bc9c);background-image:-o-linear-gradient(top,#18bc9c,#18bc9c);background-image:linear-gradient(to bottom,#18bc9c,#18bc9c);background-repeat:repeat-x;border-color:#15a589;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff18bc9c',endColorstr='#ff18bc9c',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#2c3e50}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#2c3e50;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#2c3e50;background-color:#15a589}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#2c3e50}.navbar-inverse .divider-vertical{border-right-color:#18bc9c;border-left-color:#18bc9c}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#2c3e50;background-color:#15a589}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#2c3e50;border-bottom-color:#2c3e50}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#2c3e50;border-bottom-color:#2c3e50}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#fff;border-color:#b4bcc2;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#95a5a6}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#95a5a6}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#95a5a6}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#7b8a8b;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#15a589;*background-color:#15a589;background-image:-moz-linear-gradient(top,#15a589,#15a589);background-image:-webkit-gradient(linear,0 0,0 100%,from(#15a589),to(#15a589));background-image:-webkit-linear-gradient(top,#15a589,#15a589);background-image:-o-linear-gradient(top,#15a589,#15a589);background-image:linear-gradient(to bottom,#15a589,#15a589);background-repeat:repeat-x;border-color:#15a589 #15a589 #0c6251;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff15a589',endColorstr='#ff15a589',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#15a589;*background-color:#128f76}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#0f7864 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#b4bcc2}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#ecf0f1}.pagination ul>.active>a,.pagination ul>.active>span{color:#b4bcc2;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#b4bcc2;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:18px 36px;font-size:18.75px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:10px;border-bottom-left-radius:10px;-webkit-border-top-left-radius:10px;border-top-left-radius:10px;-moz-border-radius-bottomleft:10px;-moz-border-radius-topleft:10px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:10px;border-top-right-radius:10px;-webkit-border-bottom-right-radius:10px;border-bottom-right-radius:10px;-moz-border-radius-topright:10px;-moz-border-radius-bottomright:10px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 12px;font-size:12.75px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:1px 8px;font-size:11.25px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#b4bcc2;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#2c3e50;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#2c3e50;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#2c3e50;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#2c3e50;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#2c3e50;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#2c3e50;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#2c3e50;border-bottom:1px solid #233140;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#2c3e50;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#2c3e50;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#2c3e50;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#2c3e50;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#1abc9c;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#95a5a6}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:12.69px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#b4bcc2}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#e74c3c}.label-important[href],.badge-important[href]{background-color:#d62c1a}.label-warning,.badge-warning{background-color:#f39c12}.label-warning[href],.badge-warning[href]{background-color:#c87f0a}.label-success,.badge-success{background-color:#18bc9c}.label-success[href],.badge-success[href]{background-color:#128f76}.label-info,.badge-info{background-color:#3498db}.label-info[href],.badge-info[href]{background-color:#217dbb}.label-inverse,.badge-inverse{background-color:#7b8a8b}.label-inverse[href],.badge-inverse[href]{background-color:#636f70}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#f5ae3e;background-image:-moz-linear-gradient(top,#f7ba5b,#f39c12);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f7ba5b),to(#f39c12));background-image:-webkit-linear-gradient(top,#f7ba5b,#f39c12);background-image:-o-linear-gradient(top,#f7ba5b,#f39c12);background-image:linear-gradient(to bottom,#f7ba5b,#f39c12);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff7ba5b',endColorstr='#fff39c12',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#f7ba5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#7b8a8b;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#ecf0f1;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1{font-size:48px;font-weight:900}h2{font-size:36px;font-weight:700}h3{font-size:28px;font-weight:700}h4{font-size:24px;font-weight:500}h5{font-size:16px;font-weight:500}h6{font-size:13px;font-weight:500;text-transform:none}p{margin-bottom:1em}.page-header{border-bottom:0}.navbar .brand{text-shadow:none}.navbar .brand:hover{color:#1dd2af}.navbar .navbar-inner{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav>li>a{text-shadow:none}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-search .search-query{line-height:normal;border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .btn-navbar{background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .btn,.navbar .btn-group{margin-top:6px}.navbar-inverse .brand:hover{color:#2c3e50}.navbar-inverse .navbar-search .search-query{line-height:normal;color:#2c3e50;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar-inverse .navbar-search .search-query:focus{padding:4px 14px;color:#2c3e50}div.subnav{background-color:#ecf0f1;background-image:none;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav-fixed{top:50px}div.subnav .nav>li>a{color:#2c3e50;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav .nav>.active>a,div.subnav .nav>.active>a:hover{color:#2c3e50;background-color:#cfd9db;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.nav-list>li>a,.nav-list>.active>a,.nav-list .nav-header{text-shadow:none}.nav-list .divider{background:0;border-bottom:2px solid rgba(0,0,0,0.2)}.nav-pills .open .dropdown-toggle{background-color:#2c3e50}.pagination ul{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.pagination ul>li>a{color:#fff;background-color:#18bc9c;border-color:transparent}.pagination ul>li>a:hover{background-color:#24e3be}.pagination ul>.active>a,.pagination ul>.active>a:hover{color:#2c3e50;background-color:#ecf0f1}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover{color:#fff;background-color:#24e3be}.pager li>a,.pager li>span{color:#fff;background-color:#18bc9c;border:0}.pager li>a:hover,.pager li>span:hover{background-color:#24e3be}.pager .disabled>a,.pager .disabled>span,.pager .disabled>a:hover,.pager .disabled>span:hover{color:#fff;background-color:#24e3be}.breadcrumb>li{text-shadow:none}.btn{padding:9px 20px;color:#fff;text-decoration:none;text-shadow:none;background-image:none;border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none;-webkit-transition:.25s;-moz-transition:.25s;transition:.25s}.btn:hover,.btn:focus{color:white;-webkit-transition:.25s;-moz-transition:.25s;transition:.25s}.btn:active,.btn.active{color:rgba(255,255,255,0.75);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn.disabled,.btn[disabled]{color:white}.btn-large{padding:18px 36px}.btn-small{padding:2px 12px}.btn-mini{padding:1px 8px}.table tbody tr.success>td,.table tbody tr.error>td,.table tbody tr.warning>td,.table tbody tr.info>td{color:#fff}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{padding:7px 6px;text-indent:1px;border:2px solid #dce4ec;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}textarea:-moz-placeholder,input[type="text"]:-moz-placeholder,input[type="password"]:-moz-placeholder,input[type="datetime"]:-moz-placeholder,input[type="datetime-local"]:-moz-placeholder,input[type="date"]:-moz-placeholder,input[type="month"]:-moz-placeholder,input[type="time"]:-moz-placeholder,input[type="week"]:-moz-placeholder,input[type="number"]:-moz-placeholder,input[type="email"]:-moz-placeholder,input[type="url"]:-moz-placeholder,input[type="search"]:-moz-placeholder,input[type="tel"]:-moz-placeholder,input[type="color"]:-moz-placeholder,.uneditable-input:-moz-placeholder{color:#acb6c0}textarea:-ms-input-placeholder,input[type="text"]:-ms-input-placeholder,input[type="password"]:-ms-input-placeholder,input[type="datetime"]:-ms-input-placeholder,input[type="datetime-local"]:-ms-input-placeholder,input[type="date"]:-ms-input-placeholder,input[type="month"]:-ms-input-placeholder,input[type="time"]:-ms-input-placeholder,input[type="week"]:-ms-input-placeholder,input[type="number"]:-ms-input-placeholder,input[type="email"]:-ms-input-placeholder,input[type="url"]:-ms-input-placeholder,input[type="search"]:-ms-input-placeholder,input[type="tel"]:-ms-input-placeholder,input[type="color"]:-ms-input-placeholder,.uneditable-input:-ms-input-placeholder{color:#acb6c0}textarea::-webkit-input-placeholder,input[type="text"]::-webkit-input-placeholder,input[type="password"]::-webkit-input-placeholder,input[type="datetime"]::-webkit-input-placeholder,input[type="datetime-local"]::-webkit-input-placeholder,input[type="date"]::-webkit-input-placeholder,input[type="month"]::-webkit-input-placeholder,input[type="time"]::-webkit-input-placeholder,input[type="week"]::-webkit-input-placeholder,input[type="number"]::-webkit-input-placeholder,input[type="email"]::-webkit-input-placeholder,input[type="url"]::-webkit-input-placeholder,input[type="search"]::-webkit-input-placeholder,input[type="tel"]::-webkit-input-placeholder,input[type="color"]::-webkit-input-placeholder,.uneditable-input::-webkit-input-placeholder{color:#acb6c0}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:#1abc9c;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-prepend input,.input-append input,.input-prepend select,.input-append select,.input-prepend .uneditable-input,.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend input+.btn-group .btn,.input-append input+.btn-group .btn,.input-prepend select+.btn-group .btn,.input-append select+.btn-group .btn,.input-prepend .uneditable-input+.btn-group .btn,.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-prepend .add-on:first-child,.input-append .add-on:first-child,.input-prepend .btn:first-child,.input-append .btn:first-child{-webkit-border-radius:6px 0 0 6px;-moz-border-radius:6px 0 0 6px;border-radius:6px 0 0 6px}.input-prepend .add-on:last-child,.input-append .add-on:last-child,.input-prepend .btn:last-child,.input-append .btn:last-child{-webkit-border-radius:0 6px 6px 0;-moz-border-radius:0 6px 6px 0;border-radius:0 6px 6px 0}.input-append .add-on,.input-prepend .add-on{padding:9px 5px;text-shadow:none;border:0}.control-group.error,.control-group.error input:focus,.control-group.error textarea:focus{border-color:#e74c3c;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.control-group.success,.control-group.success input:focus,.control-group.success textarea:focus{border-color:#2ecc71;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.control-group.warning,.control-group.warning input:focus,.control-group.warning textarea:focus{border-color:#f1c40f;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.control-group.info,.control-group.info input:focus,.control-group.info textarea:focus{border-color:#3498db;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}input[disabled],input[readonly],textarea[disabled],textarea[readonly]{color:#cad2d3;cursor:default;background-color:#eaeded;border-color:transparent}input[type="file"]{line-height:16px}legend{color:#2c3e50;border-bottom:0}.form-actions{background-color:#dde4e6;border-top:0;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.alert{color:#fff;text-shadow:none;background-color:#f39c12}.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{color:#fff}.alert-error{background-color:#e74c3c}.alert-success{background-color:#18bc9c}.alert-info{background-color:#3498db}.label{padding:6px 10px;text-shadow:none}.badge{padding:6px 10px;text-shadow:none;-webkit-border-radius:10px;-moz-border-radius:10px;border-radius:10px}.well{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress{height:12px;background:#ecf0f1;border-radius:32px;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress .bar{background-color:#2c3e50;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress .bar+.bar{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress-striped .bar{background-color:#2c3e50;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress-success.progress-striped .bar,.progress .bar-success{background-color:#18bc9c}.progress-warning .bar,.progress-warning.progress-striped .bar,.progress .bar-warning{background-color:#e6bb0d}.progress-danger .bar,.progress-danger.progress-striped .bar,.progress .bar-danger{background-color:#e74c3c}.progress-info .bar,.progress-info.progress-striped .bar,.progress .bar-info{background-color:#3498db}.tooltip.in{opacity:1}.popover{color:#fff}.popover-title{border-bottom:2px solid rgba(0,0,0,0.2)}.modal-header{color:#fff;background-color:#2c3e50;border-bottom:0}.modal-footer{background-color:#ecf0f1;border-top:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.close{text-shadow:none}@media(max-width:767px){div.subnav .nav>li:first-child>a,div.subnav .nav>li+li>a{border-color:transparent}div.subnav .nav>li:first-child>a:hover,div.subnav .nav>li+li>a:hover{background-color:#cfd9db}div.subnav .nav>li:last-child>a{border-radius:0 0 4px 4px}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn{padding:5px}}@media(max-width:979px){.navbar .nav-collapse .nav>li>a{color:#fff}.navbar .nav-collapse .nav>li>a:hover{background-color:#18bc9c}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-journal.css b/docs/build/html/_static/css/bootstrap2/bootswatch-journal.css new file mode 100644 index 0000000..f310a55 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-journal.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=News+Cycle:400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:Georgia,"Times New Roman",Times,serif;font-size:14px;line-height:20px;color:#777;background-color:#fff}a{color:#777;text-decoration:none}a:hover,a:focus{color:#777;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#bbb}a.muted:hover,a.muted:focus{color:#a2a2a2}.text-warning{color:#c09853}a.text-warning:hover,a.text-warning:focus{color:#a47e3c}.text-error{color:#b94a48}a.text-error:hover,a.text-error:focus{color:#953b39}.text-info{color:#3a87ad}a.text-info:hover,a.text-info:focus{color:#2d6987}.text-success{color:#468847}a.text-success:hover,a.text-success:focus{color:#356635}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:bold;line-height:20px;color:#000;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#bbb}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #bbb}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#bbb}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#777;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#777;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#bbb}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:Georgia,"Times New Roman",Times,serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#999;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#bbb;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#bbb}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#bbb}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#bbb}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#c09853}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#c09853}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#c09853;background-color:#fcf8e3;border-color:#c09853}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#b94a48}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#b94a48}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#b94a48;background-color:#f2dede;border-color:#b94a48}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#468847}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#468847}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#468847;background-color:#dff0d8;border-color:#468847}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3a87ad}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3a87ad}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3a87ad;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#2d6987;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3a87ad;background-color:#d9edf7;border-color:#3a87ad}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#eee;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#9d9d9d}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#85e8a2;border-color:#22b24c}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f5f5f5}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#eee}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#eee;border-bottom:1px solid #eee}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#000;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#000;text-decoration:none;background-color:#e9e9e9;background-image:-moz-linear-gradient(top,#eee,#e1e1e1);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eee),to(#e1e1e1));background-image:-webkit-linear-gradient(top,#eee,#e1e1e1);background-image:-o-linear-gradient(top,#eee,#e1e1e1);background-image:linear-gradient(to bottom,#eee,#e1e1e1);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeeeeee',endColorstr='#ffe1e1e1',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#000;text-decoration:none;background-color:#e9e9e9;background-image:-moz-linear-gradient(top,#eee,#e1e1e1);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eee),to(#e1e1e1));background-image:-webkit-linear-gradient(top,#eee,#e1e1e1);background-image:-o-linear-gradient(top,#eee,#e1e1e1);background-image:linear-gradient(to bottom,#eee,#e1e1e1);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeeeeee',endColorstr='#ffe1e1e1',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#bbb}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#000}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#eee;border:1px solid #dcdcdc;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#777;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #d9d9d9;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#bfbfbf;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#777;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#777;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#7f7f7f;*background-color:#777;background-image:-moz-linear-gradient(top,#848484,#777);background-image:-webkit-gradient(linear,0 0,0 100%,from(#848484),to(#777));background-image:-webkit-linear-gradient(top,#848484,#777);background-image:-o-linear-gradient(top,#848484,#777);background-image:linear-gradient(to bottom,#848484,#777);background-repeat:repeat-x;border-color:#777 #777 #515151;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff848484',endColorstr='#ff777777',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#777;*background-color:#6a6a6a}.btn-primary:active,.btn-primary.active{background-color:#5e5e5e \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ff8e1f;*background-color:#ff7f00;background-image:-moz-linear-gradient(top,#f93,#ff7f00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f93),to(#ff7f00));background-image:-webkit-linear-gradient(top,#f93,#ff7f00);background-image:-o-linear-gradient(top,#f93,#ff7f00);background-image:linear-gradient(to bottom,#f93,#ff7f00);background-repeat:repeat-x;border-color:#ff7f00 #ff7f00 #b35900;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff9933',endColorstr='#ffff7f00',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#ff7f00;*background-color:#e67200}.btn-warning:active,.btn-warning.active{background-color:#c60 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#eb0000;*background-color:#c00;background-image:-moz-linear-gradient(top,#f00,#c00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f00),to(#c00));background-image:-webkit-linear-gradient(top,#f00,#c00);background-image:-o-linear-gradient(top,#f00,#c00);background-image:linear-gradient(to bottom,#f00,#c00);background-repeat:repeat-x;border-color:#c00 #c00 #800000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0000',endColorstr='#ffcc0000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#c00;*background-color:#b30000}.btn-danger:active,.btn-danger.active{background-color:#900 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#24bf51;*background-color:#22b24c;background-image:-moz-linear-gradient(top,#26c755,#22b24c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#26c755),to(#22b24c));background-image:-webkit-linear-gradient(top,#26c755,#22b24c);background-image:-o-linear-gradient(top,#26c755,#22b24c);background-image:linear-gradient(to bottom,#26c755,#22b24c);background-repeat:repeat-x;border-color:#22b24c #22b24c #167231;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff26c755',endColorstr='#ff22b24c',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#22b24c;*background-color:#1e9d43}.btn-success:active,.btn-success.active{background-color:#1a873a \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#376ea4;*background-color:#369;background-image:-moz-linear-gradient(top,#3973ac,#369);background-image:-webkit-gradient(linear,0 0,0 100%,from(#3973ac),to(#369));background-image:-webkit-linear-gradient(top,#3973ac,#369);background-image:-o-linear-gradient(top,#3973ac,#369);background-image:linear-gradient(to bottom,#3973ac,#369);background-repeat:repeat-x;border-color:#369 #369 #204060;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3973ac',endColorstr='#ff336699',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#369;*background-color:#2d5986}.btn-info:active,.btn-info.active{background-color:#264c73 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#7f7f7f;*background-color:#777;background-image:-moz-linear-gradient(top,#848484,#777);background-image:-webkit-gradient(linear,0 0,0 100%,from(#848484),to(#777));background-image:-webkit-linear-gradient(top,#848484,#777);background-image:-o-linear-gradient(top,#848484,#777);background-image:linear-gradient(to bottom,#848484,#777);background-repeat:repeat-x;border-color:#777 #777 #515151;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff848484',endColorstr='#ff777777',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#777;*background-color:#6a6a6a}.btn-inverse:active,.btn-inverse.active{background-color:#5e5e5e \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#777;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#777;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#777;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#777}.btn-group.open .btn-warning.dropdown-toggle{background-color:#ff7f00}.btn-group.open .btn-danger.dropdown-toggle{background-color:#c00}.btn-group.open .btn-success.dropdown-toggle{background-color:#22b24c}.btn-group.open .btn-info.dropdown-toggle{background-color:#369}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#777}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#c09853}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#468847}.alert-danger,.alert-error{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#b94a48}.alert-info{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#3a87ad}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#bbb;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#777}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#999;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#777}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#777;border-bottom-color:#777}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#777;border-bottom-color:#777}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#999;border-bottom-color:#999}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#bbb;border-color:#bbb}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#bbb}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#bbb}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:60px;padding-right:20px;padding-left:20px;background-color:#fff;background-image:-moz-linear-gradient(top,#fff,#fff);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#fff));background-image:-webkit-linear-gradient(top,#fff,#fff);background-image:-o-linear-gradient(top,#fff,#fff);background-image:linear-gradient(to bottom,#fff,#fff);background-repeat:repeat-x;border:1px solid #e0e0e0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffffffff',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:20px 20px 20px;margin-left:-20px;font-size:20px;font-weight:200;color:#000;text-shadow:0 1px 0 #fff}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:60px;color:#777}.navbar-link{color:#000}.navbar-link:hover,.navbar-link:focus{color:#000}.navbar .divider-vertical{height:60px;margin:0 9px;border-right:1px solid #fff;border-left:1px solid #fff}.navbar .btn,.navbar .btn-group{margin-top:15px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:15px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:15px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:20px 15px 20px;color:#000;text-decoration:none;text-shadow:0 1px 0 #fff}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#000;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#000;text-decoration:none;background-color:transparent;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f2f2f2;*background-color:#f2f2f2;background-image:-moz-linear-gradient(top,#f2f2f2,#f2f2f2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f2f2f2),to(#f2f2f2));background-image:-webkit-linear-gradient(top,#f2f2f2,#f2f2f2);background-image:-o-linear-gradient(top,#f2f2f2,#f2f2f2);background-image:linear-gradient(to bottom,#f2f2f2,#f2f2f2);background-repeat:repeat-x;border-color:#f2f2f2 #f2f2f2 #ccc;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff2f2f2',endColorstr='#fff2f2f2',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#f2f2f2;*background-color:#e5e5e5}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#d9d9d9 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#000;border-bottom-color:#000}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#000;background-color:transparent}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#000;border-bottom-color:#000}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#000;border-bottom-color:#000}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#1b1b1b;background-image:-moz-linear-gradient(top,#222,#111);background-image:-webkit-gradient(linear,0 0,0 100%,from(#222),to(#111));background-image:-webkit-linear-gradient(top,#222,#111);background-image:-o-linear-gradient(top,#222,#111);background-image:linear-gradient(to bottom,#222,#111);background-repeat:repeat-x;border-color:#252525;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff222222',endColorstr='#ff111111',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#bbb;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#bbb}.navbar-inverse .navbar-text{color:#bbb}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#111}.navbar-inverse .navbar-link{color:#bbb}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#222;border-left-color:#111}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#111}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#bbb;border-bottom-color:#bbb}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#515151;border-color:#111;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#777;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e0e0e;*background-color:#040404;background-image:-moz-linear-gradient(top,#151515,#040404);background-image:-webkit-gradient(linear,0 0,0 100%,from(#151515),to(#040404));background-image:-webkit-linear-gradient(top,#151515,#040404);background-image:-o-linear-gradient(top,#151515,#040404);background-image:linear-gradient(to bottom,#151515,#040404);background-repeat:repeat-x;border-color:#040404 #040404 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff151515',endColorstr='#ff040404',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#040404;*background-color:#000}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#000 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#bbb}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#eee}.pagination ul>.active>a,.pagination ul>.active>span{color:#bbb;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#bbb;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#bbb;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1020;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#777;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#999}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#bbb}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#b94a48}.label-important[href],.badge-important[href]{background-color:#953b39}.label-warning,.badge-warning{background-color:#ff7f00}.label-warning[href],.badge-warning[href]{background-color:#c60}.label-success,.badge-success{background-color:#468847}.label-success[href],.badge-success[href]{background-color:#356635}.label-info,.badge-info{background-color:#3a87ad}.label-info[href],.badge-info[href]{background-color:#2d6987}.label-inverse,.badge-inverse{background-color:#777}.label-inverse[href],.badge-inverse[href]{background-color:#5e5e5e}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#ff962e;background-image:-moz-linear-gradient(top,#ffa54d,#ff7f00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffa54d),to(#ff7f00));background-image:-webkit-linear-gradient(top,#ffa54d,#ff7f00);background-image:-o-linear-gradient(top,#ffa54d,#ff7f00);background-image:linear-gradient(to bottom,#ffa54d,#ff7f00);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffa54d',endColorstr='#ffff7f00',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ffa54d;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#777;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:#000}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1,h2,h3,h4,h5,h6{margin:0 0 10px;line-height:1.2}h1 a,h2 a,h3 a,h4 a,h5 a,h6 a{color:#000}h1{font-size:48px}h2{font-size:36px}h3{font-size:28px}h4{font-size:20px}h5{font-size:13px}p>a,address>a,.breadcrumb a,abbr[title]{text-decoration:none;border-bottom:1px dotted}p>a:hover,address>a:hover,.breadcrumb a:hover,abbr[title]:hover{text-decoration:none;border-bottom:1px solid}code,pre{background-color:#eee;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.page-header{border-bottom:2px solid #eee}hr{border-bottom:1px solid #eee}.navbar{font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:bold}.navbar .navbar-inner{border-bottom:2px solid #eee;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand{padding:19px 20px 21px;font-size:24px;font-weight:bold;text-shadow:none;text-transform:uppercase}.navbar .nav>li>a{padding:20px 10px 20px;font-size:18px;text-shadow:none;text-transform:uppercase}.navbar .nav>.active>a{background-color:transparent}.navbar .navbar-text{padding-right:10px;padding-left:10px;margin-top:20px;font-size:18px;line-height:20px}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .divider-vertical{border-right-color:#eee;border-left-color:#eee}.navbar .dropdown-menu{top:85%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar .dropdown-menu a{font-size:15px;font-weight:bold}.navbar .navbar-search .search-query,.navbar .navbar-search .search-query:hover{color:#777;border:2px solid #eee}.navbar .navbar-search .search-query:-moz-placeholder,.navbar .navbar-search .search-query:hover:-moz-placeholder{color:#999}.navbar .navbar-search .search-query:-ms-input-placeholder,.navbar .navbar-search .search-query:hover:-ms-input-placeholder{color:#999}.navbar .navbar-search .search-query::-webkit-input-placeholder,.navbar .navbar-search .search-query:hover::-webkit-input-placeholder{color:#999}@media(max-width:979px){.nav-collapse .navbar-form,.nav-collapse .navbar-search{margin-bottom:0;border-top:2px solid #eee;border-bottom:2px solid #eee}.navbar .nav-collapse .nav li>a{color:#000}.navbar .nav-collapse .nav li>a:hover{background-color:#eee}.navbar .nav-collapse .navbar-text{margin-top:0}.navbar-inverse .nav-collapse .nav li>a{color:#bbb}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:#111;background-image:none}}div.subnav{height:54px;margin:0 1px;background:#fff none;border:2px solid #eee;border-right:0;border-left:none;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav.subnav-fixed{top:61px;margin:0;border-top:0}div.subnav .nav>li>a,div.subnav .nav>li:first-child>a,div.subnav .nav>li.active>a{padding:20px 15px;font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-size:15px;font-weight:bold;color:#000;background-color:transparent;border-right:0;border-left:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav .nav>li>a:hover,div.subnav .nav>li:first-child>a:hover,div.subnav .nav>li.active>a:hover{padding:20px 15px;color:#000;background-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav li.dropdown>.dropdown-toggle .caret,div.subnav li.dropdown>.dropdown-toggle:hover .caret,div.subnav li.dropdown.open>.dropdown-toggle .caret{border-top-color:#000;border-bottom-color:#000;opacity:1}div.subnav li.dropdown.open .dropdown-toggle,div.subnav li.dropdown.open .dropdown-toggle:hover{color:#000;background-color:#fff}[class^="icon-"],[class*=" icon-"]{vertical-align:baseline}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#141414;*background-color:#000;background-image:-moz-linear-gradient(top,#222,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#222),to(#000));background-image:-webkit-linear-gradient(top,#222,#000);background-image:-o-linear-gradient(top,#222,#000);background-image:linear-gradient(to bottom,#222,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff222222',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#000;*background-color:#000}.btn-inverse:active,.btn-inverse.active{background-color:#000 \9}.table-bordered{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}legend{font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:bold;color:#000;border-bottom:2px solid #eee}.well{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.hero-unit{padding:30px 60px;border:1px solid rgba(0,0,0,0.05);-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.hero-unit h1{margin:0 0 10px;line-height:1.2}.modal{background:#fff;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.modal-header{border-bottom:0}.modal-footer{background:transparent;border-top:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.close,.close:hover{border-bottom:0}@media(max-width:768px){div.subnav{height:auto}div.subnav .nav>li.active>a{border-top:0}div.subnav .nav>li:hover>a,div.subnav .nav>li:first-child:hover>a,div.subnav .nav>li.active:hover>a,div.subnav .nav>li.dropdown.open .dropdown-toggle,div.subnav .nav>li.dropdown.open .dropdown-toggle:hover{background-color:#eee}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover{border-color:#e5e5e5}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-readable.css b/docs/build/html/_static/css/bootstrap2/bootswatch-readable.css new file mode 100644 index 0000000..0efc48f --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-readable.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Lora:400,700,400italic,700italic');/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:36px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Lora",Georgia,"Times New Roman",Times,serif;font-size:17px;line-height:26px;color:#333;background-color:#f6f6f6}a{color:#e78b24;text-decoration:none}a:hover,a:focus{color:#da7e18;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:36px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 13px}.lead{margin-bottom:26px;font-size:25.5px;font-weight:200;line-height:39px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#e78b24}a.text-warning:hover,a.text-warning:focus{color:#c37115}.text-error{color:#9c0001}a.text-error:hover,a.text-error:focus{color:#690001}.text-info{color:#0063ac}a.text-info:hover,a.text-info:focus{color:#004679}.text-success{color:#1c9b47}a.text-success:hover,a.text-success:focus{color:#147033}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:13px 0;font-family:inherit;font-weight:bold;line-height:26px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:52px}h1{font-size:46.75px}h2{font-size:38.25px}h3{font-size:29.75px}h4{font-size:21.25px}h5{font-size:17px}h6{font-size:14.45px}h1 small{font-size:29.75px}h2 small{font-size:21.25px}h3 small{font-size:17px}h4 small{font-size:17px}.page-header{padding-bottom:12px;margin:26px 0 39px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 13px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:26px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:26px}dt,dd{line-height:26px}dt{font-weight:bold}dd{margin-left:13px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:26px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 26px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:21.25px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:26px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:26px;font-style:normal;line-height:26px}code,pre{padding:0 3px 2px;font-family:Monaco,Menlo,Consolas,"Courier New",monospace;font-size:15px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:12.5px;margin:0 0 13px;font-size:16px;line-height:26px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:26px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 26px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:26px;font-size:25.5px;line-height:52px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:19.5px;color:#999}label,input,button,select,textarea{font-size:17px;font-weight:normal;line-height:26px}input,button,select,textarea{font-family:"Lora",Georgia,"Times New Roman",Times,serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:26px;padding:4px 6px;margin-bottom:13px;font-size:17px;line-height:26px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:36px;*margin-top:4px;line-height:36px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:26px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#e78b24}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#e78b24}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#e78b24;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#c37115;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f1bc80;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f1bc80;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f1bc80}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#e78b24;background-color:#fcf8e3;border-color:#e78b24}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#9c0001}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#9c0001}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#9c0001;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#690001;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff0305;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff0305;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ff0305}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#9c0001;background-color:#f2dede;border-color:#9c0001}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#1c9b47}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#1c9b47}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#1c9b47;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#147033;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #40dd75;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #40dd75;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #40dd75}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#1c9b47;background-color:#dff0d8;border-color:#1c9b47}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#0063ac}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#0063ac}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#0063ac;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#004679;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #139bff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #139bff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #139bff}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#0063ac;background-color:#d9edf7;border-color:#0063ac}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:25px 20px 26px;margin-top:26px;margin-bottom:26px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#595959}.help-block{display:block;margin-bottom:13px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:13px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:17px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:26px;min-width:16px;padding:4px 5px;font-size:17px;font-weight:normal;line-height:26px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#6ce495;border-color:#1c9b47}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:13px}legend+.control-group{margin-top:26px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:26px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:13px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:26px}.table th,.table td{padding:8px;line-height:26px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#f6f6f6}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#f6f6f6;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:12px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:26px;color:#333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#e2861f;background-image:-moz-linear-gradient(top,#e78b24,#da7e18);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e78b24),to(#da7e18));background-image:-webkit-linear-gradient(top,#e78b24,#da7e18);background-image:-o-linear-gradient(top,#e78b24,#da7e18);background-image:linear-gradient(to bottom,#e78b24,#da7e18);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe78b24',endColorstr='#ffda7e18',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#e2861f;background-image:-moz-linear-gradient(top,#e78b24,#da7e18);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e78b24),to(#da7e18));background-image:-webkit-linear-gradient(top,#e78b24,#da7e18);background-image:-o-linear-gradient(top,#e78b24,#da7e18);background-image:linear-gradient(to bottom,#e78b24,#da7e18);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe78b24',endColorstr='#ffda7e18',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#c3c3c3;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#fefefe;border:1px solid #ececec;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:26px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:17px;line-height:26px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#e9e9e9;*background-color:#e1e1e1;background-image:-moz-linear-gradient(top,#eee,#e1e1e1);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eee),to(#e1e1e1));background-image:-webkit-linear-gradient(top,#eee,#e1e1e1);background-image:-o-linear-gradient(top,#eee,#e1e1e1);background-image:linear-gradient(to bottom,#eee,#e1e1e1);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e1e1e1 #e1e1e1 #bbb;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeeeeee',endColorstr='#ffe1e1e1',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e1e1e1;*background-color:#d4d4d4}.btn:active,.btn.active{background-color:#c8c8c8 \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:21.25px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:14.45px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:12.75px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e99232;*background-color:#e78b24;background-image:-moz-linear-gradient(top,#ea973b,#e78b24);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ea973b),to(#e78b24));background-image:-webkit-linear-gradient(top,#ea973b,#e78b24);background-image:-o-linear-gradient(top,#ea973b,#e78b24);background-image:linear-gradient(to bottom,#ea973b,#e78b24);background-repeat:repeat-x;border-color:#e78b24 #e78b24 #ac6413;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffea973b',endColorstr='#ffe78b24',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#e78b24;*background-color:#da7e18}.btn-primary:active,.btn-primary.active{background-color:#c37115 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f8d91c;*background-color:#f8d60d;background-image:-moz-linear-gradient(top,#f9da26,#f8d60d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f9da26),to(#f8d60d));background-image:-webkit-linear-gradient(top,#f9da26,#f8d60d);background-image:-o-linear-gradient(top,#f9da26,#f8d60d);background-image:linear-gradient(to bottom,#f9da26,#f8d60d);background-repeat:repeat-x;border-color:#f8d60d #f8d60d #b39a05;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff9da26',endColorstr='#fff8d60d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f8d60d;*background-color:#e5c507}.btn-warning:active,.btn-warning.active{background-color:#ccaf06 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ab0001;*background-color:#9c0001;background-image:-moz-linear-gradient(top,#b60001,#9c0001);background-image:-webkit-gradient(linear,0 0,0 100%,from(#b60001),to(#9c0001));background-image:-webkit-linear-gradient(top,#b60001,#9c0001);background-image:-o-linear-gradient(top,#b60001,#9c0001);background-image:linear-gradient(to bottom,#b60001,#9c0001);background-repeat:repeat-x;border-color:#9c0001 #9c0001 #500001;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffb60001',endColorstr='#ff9c0001',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#9c0001;*background-color:#830001}.btn-danger:active,.btn-danger.active{background-color:#690001 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#1ea84d;*background-color:#1c9b47;background-image:-moz-linear-gradient(top,#20b151,#1c9b47);background-image:-webkit-gradient(linear,0 0,0 100%,from(#20b151),to(#1c9b47));background-image:-webkit-linear-gradient(top,#20b151,#1c9b47);background-image:-o-linear-gradient(top,#20b151,#1c9b47);background-image:linear-gradient(to bottom,#20b151,#1c9b47);background-repeat:repeat-x;border-color:#1c9b47 #1c9b47 #105a29;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff20b151',endColorstr='#ff1c9b47',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#1c9b47;*background-color:#18853d}.btn-success:active,.btn-success.active{background-color:#147033 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#006cbb;*background-color:#0063ac;background-image:-moz-linear-gradient(top,#0072c6,#0063ac);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0072c6),to(#0063ac));background-image:-webkit-linear-gradient(top,#0072c6,#0063ac);background-image:-o-linear-gradient(top,#0072c6,#0063ac);background-image:linear-gradient(to bottom,#0072c6,#0063ac);background-repeat:repeat-x;border-color:#0063ac #0063ac #003760;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0072c6',endColorstr='#ff0063ac',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#0063ac;*background-color:#005493}.btn-info:active,.btn-info.active{background-color:#004679 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#3b3b3b;*background-color:#333;background-image:-moz-linear-gradient(top,#404040,#333);background-image:-webkit-gradient(linear,0 0,0 100%,from(#404040),to(#333));background-image:-webkit-linear-gradient(top,#404040,#333);background-image:-o-linear-gradient(top,#404040,#333);background-image:linear-gradient(to bottom,#404040,#333);background-repeat:repeat-x;border-color:#333 #333 #0d0d0d;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff404040',endColorstr='#ff333333',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#333;*background-color:#262626}.btn-inverse:active,.btn-inverse.active{background-color:#1a1a1a \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#e78b24;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#da7e18;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:13px;margin-bottom:13px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:17px}.btn-group>.btn-mini{font-size:12.75px}.btn-group>.btn-small{font-size:14.45px}.btn-group>.btn-large{font-size:21.25px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e1e1e1}.btn-group.open .btn-primary.dropdown-toggle{background-color:#e78b24}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f8d60d}.btn-group.open .btn-danger.dropdown-toggle{background-color:#9c0001}.btn-group.open .btn-success.dropdown-toggle{background-color:#1c9b47}.btn-group.open .btn-info.dropdown-toggle{background-color:#0063ac}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#333}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:26px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#e78b24}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:26px}.alert-success{color:#1c9b47;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#1c9b47}.alert-danger,.alert-error{color:#9c0001;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#9c0001}.alert-info{color:#0063ac;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#0063ac}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:26px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:26px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#e78b24}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:12px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:26px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#f6f6f6;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#e78b24}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#e78b24;border-bottom-color:#e78b24}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#da7e18;border-bottom-color:#da7e18}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:26px;overflow:visible}.navbar-inner{min-height:60px;padding-right:20px;padding-left:20px;background-color:#f6f6f6;background-image:-moz-linear-gradient(top,#f6f6f6,#f6f6f6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f6f6f6),to(#f6f6f6));background-image:-webkit-linear-gradient(top,#f6f6f6,#f6f6f6);background-image:-o-linear-gradient(top,#f6f6f6,#f6f6f6);background-image:linear-gradient(to bottom,#f6f6f6,#f6f6f6);background-repeat:repeat-x;border:1px solid #d7d7d7;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff6f6f6',endColorstr='#fff6f6f6',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:17px 20px 17px;margin-left:-20px;font-size:20px;font-weight:200;color:#333;text-shadow:0 1px 0 #f6f6f6}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:60px;color:#333}.navbar-link{color:#333}.navbar-link:hover,.navbar-link:focus{color:#333}.navbar .divider-vertical{height:60px;margin:0 9px;border-right:1px solid #f6f6f6;border-left:1px solid #f6f6f6}.navbar .btn,.navbar .btn-group{margin-top:15px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:15px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:15px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:17px 15px 17px;color:#333;text-decoration:none;text-shadow:0 1px 0 #f6f6f6}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#333;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#333;text-decoration:none;background-color:#e9e9e9;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e9e9e9;*background-color:#e9e9e9;background-image:-moz-linear-gradient(top,#e9e9e9,#e9e9e9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e9e9e9),to(#e9e9e9));background-image:-webkit-linear-gradient(top,#e9e9e9,#e9e9e9);background-image:-o-linear-gradient(top,#e9e9e9,#e9e9e9);background-image:linear-gradient(to bottom,#e9e9e9,#e9e9e9);background-repeat:repeat-x;border-color:#e9e9e9 #e9e9e9 #c3c3c3;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe9e9e9',endColorstr='#ffe9e9e9',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#e9e9e9;*background-color:#dcdcdc}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#d0d0d0 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #f6f6f6;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #f6f6f6;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#333;border-bottom-color:#333}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#333;background-color:#e9e9e9}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#333;border-bottom-color:#333}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#333;border-bottom-color:#333}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#333;background-image:-moz-linear-gradient(top,#333,#333);background-image:-webkit-gradient(linear,0 0,0 100%,from(#333),to(#333));background-image:-webkit-linear-gradient(top,#333,#333);background-image:-o-linear-gradient(top,#333,#333);background-image:linear-gradient(to bottom,#333,#333);background-repeat:repeat-x;border-color:#252525;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff333333',endColorstr='#ff333333',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#999;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#999}.navbar-inverse .navbar-text{color:#999}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#333}.navbar-inverse .navbar-link{color:#999}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#333;border-left-color:#333}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#333}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#999;border-bottom-color:#999}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#737373;border-color:#333;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#262626;*background-color:#262626;background-image:-moz-linear-gradient(top,#262626,#262626);background-image:-webkit-gradient(linear,0 0,0 100%,from(#262626),to(#262626));background-image:-webkit-linear-gradient(top,#262626,#262626);background-image:-o-linear-gradient(top,#262626,#262626);background-image:linear-gradient(to bottom,#262626,#262626);background-repeat:repeat-x;border-color:#262626 #262626 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff262626',endColorstr='#ff262626',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#262626;*background-color:#1a1a1a}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#0d0d0d \9}.breadcrumb{padding:8px 15px;margin:0 0 26px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:26px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:26px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:21.25px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:14.45px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:12.75px}.pager{margin:26px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:26px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:26px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#e78b24;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:14.382px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#9c0001}.label-important[href],.badge-important[href]{background-color:#690001}.label-warning,.badge-warning{background-color:#e78b24}.label-warning[href],.badge-warning[href]{background-color:#c37115}.label-success,.badge-success{background-color:#1c9b47}.label-success[href],.badge-success[href]{background-color:#147033}.label-info,.badge-info{background-color:#0063ac}.label-info[href],.badge-info[href]{background-color:#004679}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:26px;margin-bottom:26px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#eca14d;background-image:-moz-linear-gradient(top,#efb069,#e78b24);background-image:-webkit-gradient(linear,0 0,0 100%,from(#efb069),to(#e78b24));background-image:-webkit-linear-gradient(top,#efb069,#e78b24);background-image:-o-linear-gradient(top,#efb069,#e78b24);background-image:linear-gradient(to bottom,#efb069,#e78b24);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffefb069',endColorstr='#ffe78b24',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#efb069;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:26px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:26px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:26px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:39px;color:inherit;background-color:#fefefe;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:39px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}div.subnav .nav>li>a,div.subnav .nav>.active>a,div.subnav .nav>.active>a:hover{color:#333}div.subnav-fixed{top:61px}.hero-unit h1,.hero-unit h2,.hero-unit h3,.hero-unit h4,.hero-unit h5,.hero-unit h6{margin:13px 0}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-simplex.css b/docs/build/html/_static/css/bootstrap2/bootswatch-simplex.css new file mode 100644 index 0000000..a3e828f --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-simplex.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Josefin+Sans:300,400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:20px;color:#555;background-color:#f7f7f7}a{color:#d9230f;text-decoration:none}a:hover,a:focus{color:#d9230f;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#d9831f}a.text-warning:hover,a.text-warning:focus{color:#ac6819}.text-error{color:#d9230f}a.text-error:hover,a.text-error:focus{color:#a91b0c}.text-info{color:#029acf}a.text-info:hover,a.text-info:focus{color:#02749c}.text-success{color:#3d9400}a.text-success:hover,a.text-success:focus{color:#286100}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:bold;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#d9831f}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#d9831f}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#d9831f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#ac6819;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ebb473;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ebb473;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ebb473}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#d9831f;background-color:#fcf8e3;border-color:#d9831f}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#d9230f}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#d9230f}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#d9230f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#a91b0c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f46a5a;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f46a5a;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f46a5a}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#d9230f;background-color:#f2dede;border-color:#d9230f}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#3d9400}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#3d9400}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#3d9400;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#286100;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #67fa00;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #67fa00;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #67fa00}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#3d9400;background-color:#dff0d8;border-color:#3d9400}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#029acf}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#029acf}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#029acf;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#02749c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3acbfd;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3acbfd;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #3acbfd}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#029acf;background-color:#d9edf7;border-color:#029acf}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#7b7b7b}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#84ff2e;border-color:#3d9400}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#f7f7f7}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-topleft:0}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:0;border-top-right-radius:0;-moz-border-radius-topright:0}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#555;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#555;text-decoration:none;background-color:#f9e3e0;background-image:-moz-linear-gradient(top,#fbebe9,#f7d7d3);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbebe9),to(#f7d7d3));background-image:-webkit-linear-gradient(top,#fbebe9,#f7d7d3);background-image:-o-linear-gradient(top,#fbebe9,#f7d7d3);background-image:linear-gradient(to bottom,#fbebe9,#f7d7d3);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbebe9',endColorstr='#fff7d7d3',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#555;text-decoration:none;background-color:#cf210e;background-image:-moz-linear-gradient(top,#d9230f,#c11f0d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#d9230f),to(#c11f0d));background-image:-webkit-linear-gradient(top,#d9230f,#c11f0d);background-image:-o-linear-gradient(top,#d9230f,#c11f0d);background-image:linear-gradient(to bottom,#d9230f,#c11f0d);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd9230f',endColorstr='#ffc11f0d',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#555}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#fff;border:1px solid #ededed;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e62611;*background-color:#d9230f;background-image:-moz-linear-gradient(top,#ef2913,#d9230f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef2913),to(#d9230f));background-image:-webkit-linear-gradient(top,#ef2913,#d9230f);background-image:-o-linear-gradient(top,#ef2913,#d9230f);background-image:linear-gradient(to bottom,#ef2913,#d9230f);background-repeat:repeat-x;border-color:#d9230f #d9230f #91170a;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef2913',endColorstr='#ffd9230f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#d9230f;*background-color:#c11f0d}.btn-primary:active,.btn-primary.active{background-color:#a91b0c \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ffce36;*background-color:#ffca27;background-image:-moz-linear-gradient(top,#ffd041,#ffca27);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffd041),to(#ffca27));background-image:-webkit-linear-gradient(top,#ffd041,#ffca27);background-image:-o-linear-gradient(top,#ffd041,#ffca27);background-image:linear-gradient(to bottom,#ffd041,#ffca27);background-repeat:repeat-x;border-color:#ffca27 #ffca27 #d9a400;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffd041',endColorstr='#ffffca27',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#ffca27;*background-color:#ffc40d}.btn-warning:active,.btn-warning.active{background-color:#f3b700 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e62611;*background-color:#d9230f;background-image:-moz-linear-gradient(top,#ef2913,#d9230f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef2913),to(#d9230f));background-image:-webkit-linear-gradient(top,#ef2913,#d9230f);background-image:-o-linear-gradient(top,#ef2913,#d9230f);background-image:linear-gradient(to bottom,#ef2913,#d9230f);background-repeat:repeat-x;border-color:#d9230f #d9230f #91170a;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef2913',endColorstr='#ffd9230f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#d9230f;*background-color:#c11f0d}.btn-danger:active,.btn-danger.active{background-color:#a91b0c \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#43a300;*background-color:#3d9400;background-image:-moz-linear-gradient(top,#48ae00,#3d9400);background-image:-webkit-gradient(linear,0 0,0 100%,from(#48ae00),to(#3d9400));background-image:-webkit-linear-gradient(top,#48ae00,#3d9400);background-image:-o-linear-gradient(top,#48ae00,#3d9400);background-image:linear-gradient(to bottom,#48ae00,#3d9400);background-repeat:repeat-x;border-color:#3d9400 #3d9400 #1d4800;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff48ae00',endColorstr='#ff3d9400',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#3d9400;*background-color:#327b00}.btn-success:active,.btn-success.active{background-color:#286100 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#68c5e1;*background-color:#5bc0de;background-image:-moz-linear-gradient(top,#70c8e2,#5bc0de);background-image:-webkit-gradient(linear,0 0,0 100%,from(#70c8e2),to(#5bc0de));background-image:-webkit-linear-gradient(top,#70c8e2,#5bc0de);background-image:-o-linear-gradient(top,#70c8e2,#5bc0de);background-image:linear-gradient(to bottom,#70c8e2,#5bc0de);background-repeat:repeat-x;border-color:#5bc0de #5bc0de #28a1c5;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff70c8e2',endColorstr='#ff5bc0de',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#5bc0de;*background-color:#46b8da}.btn-info:active,.btn-info.active{background-color:#31b0d5 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#454545;*background-color:#2c2c2c;background-image:-moz-linear-gradient(top,#555,#2c2c2c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#555),to(#2c2c2c));background-image:-webkit-linear-gradient(top,#555,#2c2c2c);background-image:-o-linear-gradient(top,#555,#2c2c2c);background-image:linear-gradient(to bottom,#555,#2c2c2c);background-repeat:repeat-x;border-color:#2c2c2c #2c2c2c #060606;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff555555',endColorstr='#ff2c2c2c',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#2c2c2c;*background-color:#1f1f1f}.btn-inverse:active,.btn-inverse.active{background-color:#121212 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#d9230f;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#d9230f;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#d9230f}.btn-group.open .btn-warning.dropdown-toggle{background-color:#ffca27}.btn-group.open .btn-danger.dropdown-toggle{background-color:#d9230f}.btn-group.open .btn-success.dropdown-toggle{background-color:#3d9400}.btn-group.open .btn-info.dropdown-toggle{background-color:#5bc0de}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#2c2c2c}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.alert,.alert h4{color:#d9831f}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#3d9400;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#3d9400}.alert-danger,.alert-error{color:#d9230f;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#d9230f}.alert-info{color:#029acf;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#029acf}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#d9230f}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#f7f7f7;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#d9230f}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#d9230f;border-bottom-color:#d9230f}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#fefefe;background-image:-moz-linear-gradient(top,#fefefe,#fefefe);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fefefe),to(#fefefe));background-image:-webkit-linear-gradient(top,#fefefe,#fefefe);background-image:-o-linear-gradient(top,#fefefe,#fefefe);background-image:linear-gradient(to bottom,#fefefe,#fefefe);background-repeat:repeat-x;border:1px solid #dfdfdf;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffefefe',endColorstr='#fffefefe',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:10px 20px 10px;margin-left:-20px;font-size:20px;font-weight:200;color:inherit;text-shadow:0 1px 0 #fefefe}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#555}.navbar-link{color:#555}.navbar-link:hover,.navbar-link:focus{color:#d9230f}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #fefefe;border-left:1px solid #fefefe}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:10px 15px 10px;color:#555;text-decoration:none;text-shadow:0 1px 0 #fefefe}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#d9230f;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#d9230f;text-decoration:none;background-color:#fefefe;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f1f1f1;*background-color:#f1f1f1;background-image:-moz-linear-gradient(top,#f1f1f1,#f1f1f1);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f1f1f1),to(#f1f1f1));background-image:-webkit-linear-gradient(top,#f1f1f1,#f1f1f1);background-image:-o-linear-gradient(top,#f1f1f1,#f1f1f1);background-image:linear-gradient(to bottom,#f1f1f1,#f1f1f1);background-repeat:repeat-x;border-color:#f1f1f1 #f1f1f1 #cbcbcb;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff1f1f1',endColorstr='#fff1f1f1',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#f1f1f1;*background-color:#e4e4e4}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#d8d8d8 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#d9230f;background-color:#fefefe}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#e62914;background-image:-moz-linear-gradient(top,#ef2d18,#d9230f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef2d18),to(#d9230f));background-image:-webkit-linear-gradient(top,#ef2d18,#d9230f);background-image:-o-linear-gradient(top,#ef2d18,#d9230f);background-image:linear-gradient(to bottom,#ef2d18,#d9230f);background-repeat:repeat-x;border-color:#f03621;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef2d18',endColorstr='#ffd9230f',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#d9230f}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#ef2d18;border-left-color:#d9230f}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#d9230f}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#f57f72;border-color:#d9230f;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#fff}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#d2220f;*background-color:#c11f0d;background-image:-moz-linear-gradient(top,#de240f,#c11f0d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#de240f),to(#c11f0d));background-image:-webkit-linear-gradient(top,#de240f,#c11f0d);background-image:-o-linear-gradient(top,#de240f,#c11f0d);background-image:linear-gradient(to bottom,#de240f,#c11f0d);background-repeat:repeat-x;border-color:#c11f0d #c11f0d #7a1408;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffde240f',endColorstr='#ffc11f0d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#c11f0d;*background-color:#a91b0c}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#91170a \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#fbebe9}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-webkit-border-top-left-radius:0;border-top-left-radius:0;-moz-border-radius-bottomleft:0;-moz-border-radius-topleft:0}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:0;border-top-right-radius:0;-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-topright:0;-moz-border-radius-bottomright:0}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#d9230f;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#d9230f}.label-important[href],.badge-important[href]{background-color:#a91b0c}.label-warning,.badge-warning{background-color:#d9831f}.label-warning[href],.badge-warning[href]{background-color:#ac6819}.label-success,.badge-success{background-color:#3d9400}.label-success[href],.badge-success[href]{background-color:#286100}.label-info,.badge-info{background-color:#029acf}.label-info[href],.badge-info[href]{background-color:#02749c}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#e29944;background-image:-moz-linear-gradient(top,#e8a75d,#d9831f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e8a75d),to(#d9831f));background-image:-webkit-linear-gradient(top,#e8a75d,#d9831f);background-image:-o-linear-gradient(top,#e8a75d,#d9831f);background-image:linear-gradient(to bottom,#e8a75d,#d9831f);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe8a75d',endColorstr='#ffd9831f',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#e8a75d;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#2c2c2c;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}hr{border-bottom:0}.navbar .navbar-inner{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand{padding:12px 20px 8px;font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:bold}.navbar .brand:hover{color:#d9230f}.navbar .nav>li>a{padding:13px 15px 6px;font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:bold;text-shadow:none}.navbar .nav>li>a:hover{text-decoration:none}.navbar .nav .active>a,.navbar .nav .active>a:hover{background-color:transparent}.navbar .navbar-text{padding:13px 15px 7px;font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;line-height:19px;color:#999}.navbar .divider-vertical{height:39px;background-color:#eee}.navbar .navbar-search{margin-top:5px}.navbar .navbar-search input[type="text"]{margin-bottom:5px}.navbar .dropdown-menu a{font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif}.navbar-inverse .navbar-inner{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar-inverse .brand:hover{color:#fff}@media(max-width:979px){.navbar .nav-collapse .nav li>a{color:#555}.navbar .nav-collapse .nav li>a:hover{background-color:#fbebe9;background-image:none}.navbar .nav-collapse .nav .active>a{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border-top:1px solid rgba(128,128,128,0.3);border-bottom:1px solid rgba(128,128,128,0.3)}.navbar-inverse .nav-collapse .nav li>a{color:#fff}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:rgba(255,255,255,0.1)!important}.navbar-inverse .nav-collapse .nav-header{color:rgba(255,255,255,0.7)}}div.subnav{font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;background-color:#fefefe;background-image:none;border-bottom:1px solid transparent;-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.2);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.2);box-shadow:1px 1px 1px rgba(0,0,0,0.2)}div.subnav.subnav-fixed{top:41px;-webkit-box-shadow:inset 0 5px #fff,1px 1px 1px rgba(0,0,0,0.2);-moz-box-shadow:inset 0 5px #fff,1px 1px 1px rgba(0,0,0,0.2);box-shadow:inset 0 5px #fff,1px 1px 1px rgba(0,0,0,0.2)}div.subnav .nav>li>a{padding:14px 12px 10px;font-weight:bold;color:#555;border-right-color:transparent;border-left-color:transparent}div.subnav .nav>li>a:hover{color:#d9230f;background-color:transparent}div.subnav .nav>li.active>a,div.subnav .nav>li.active>a:hover{color:#d9230f;background-color:transparent;border-right-color:transparent;border-left-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.nav .nav-header{font-size:13px;font-weight:normal;text-transform:none}.nav-tabs>li>a{color:#555;background-color:#efefef;border:1px solid #ccc}.nav-tabs>li>a:hover{color:#d9230f;background-color:#fbebe9;border:1px solid #ccc}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover{background-color:#f7f7f7}.nav-tabs>li.disabled>a:hover{color:#999;background-color:#efefef}.nav-tabs .dropdown .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555;opacity:1}.nav-tabs .dropdown:hover .dropdown-toggle .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.nav-tabs .dropdown.open .dropdown-toggle{color:#d9230f;background-color:#fbebe9;border-color:#ccc}.nav-tabs .dropdown.open .dropdown-toggle .caret,.nav-tabs .dropdown.open .dropdown-toggle:hover .caret{border-top-color:#d9230f;border-bottom-color:#d9230f;opacity:1}.nav-tabs .dropdown-menu{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs .dropdown-menu a{padding:8px 15px 3px}.tabbable .nav-tabs>li>a,.tabbable .nav-tabs>li>a:hover{border:1px solid #ccc}.tabbable .nav-tabs>li.active>a{border-bottom:1px solid transparent}.tabbable.tabs-below>.nav-tabs>li.active>a,.tabbable.tabs-left>.nav-tabs>li.active>a,.tabbable.tabs-right>.nav-tabs>li.active>a{border-bottom:1px solid #ccc}.nav-pills li>a{color:#555}.nav-pills li>a:hover{color:#d9230f;background-color:#fbebe9}.nav-pills li.active>a,.nav-pills li.active>a:hover{color:#d9230f;background-color:#fbebe9}.nav-pills>li.disabled>a:hover{color:#999}.nav-pills .dropdown .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555;opacity:1}.nav-pills .dropdown .dropdown-toggle:hover .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.nav-pills .dropdown.open .dropdown-toggle,.nav-pills .dropdown.open:hover .dropdown-toggle{color:#d9230f;background-color:#fbebe9}.nav-pills .dropdown.open .dropdown-toggle .caret,.nav-pills .dropdown.open:hover .dropdown-toggle .caret{border-top-color:#d9230f;border-bottom-color:#d9230f}.nav-list li>a{color:#555}.nav-list li>a:hover{color:#d9230f;background-color:#fbebe9}.nav-list li.active>a,.nav-list li.active>a:hover{color:#d9230f;background-color:#fbebe9}.breadcrumb{background-color:#fff;border:0 solid transparent;-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1)}.breadcrumb li{padding-top:2px;text-shadow:none}.breadcrumb .active{color:#555}.breadcrumb a{text-shadow:none}.breadcrumb a:hover{text-decoration:none}.pagination ul>li>a,.pagination ul>li>span{padding:2px 14px 0;color:#555}.pagination ul>li>a:hover,.pagination ul>li>span:hover{color:#d9230f;background-color:#fbebe9}.pagination ul>.active>a,.pagination ul>.active>span{color:#d9230f;background-color:#fbebe9}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{color:#555;background-color:transparent}.btn{padding-top:.6em;font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:bold}legend{font-family:"Josefin Sans","Helvetica Neue",Helvetica,Arial,sans-serif;border-bottom:1px solid #ddd}.navbar-search .search-query{color:#555;background-color:#f7f7f7;border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.help-inline,.help-block{font-size:13px}.input-append .btn,.input-prepend .btn{line-height:16px}.label{padding:6px 12px;margin-right:1px;margin-left:1px}i[class^="icon-"]{vertical-align:-2px;opacity:.5}.well{border:0;-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1)}.hero-unit{background-color:#fefefe;-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1);box-shadow:1px 1px 1px rgba(0,0,0,0.2),-1px -1px 0 rgba(0,0,0,0.1)}.thumbnail{padding:10px;background-color:#fff}.progress{background-color:#e3e3e3;background-image:-moz-linear-gradient(top,#e0e0e0,#e8e8e8);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e0e0e0),to(#e8e8e8));background-image:-webkit-linear-gradient(top,#e0e0e0,#e8e8e8);background-image:-o-linear-gradient(top,#e0e0e0,#e8e8e8);background-image:linear-gradient(to bottom,#e0e0e0,#e8e8e8);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe0e0e0',endColorstr='#ffe8e8e8',GradientType=0)}.modal-header{border-bottom:0}.modal-header,.modal-body{background-color:#fefefe}.modal-footer{background-color:#f7f7f7}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-slate.css b/docs/build/html/_static/css/bootstrap2/bootswatch-slate.css new file mode 100644 index 0000000..40746a2 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-slate.css @@ -0,0 +1,9 @@ +/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:31px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:21px;color:#c8c8c8;background-color:#272b30}a{color:#fff;text-decoration:none}a:hover,a:focus{color:#fff;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:31px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:21px;font-weight:200;line-height:31.5px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#7a8288}a.muted:hover,a.muted:focus{color:#62686d}.text-warning{color:#c09853}a.text-warning:hover,a.text-warning:focus{color:#a47e3c}.text-error{color:#b94a48}a.text-error:hover,a.text-error:focus{color:#953b39}.text-info{color:#3a87ad}a.text-info:hover,a.text-info:focus{color:#2d6987}.text-success{color:#468847}a.text-success:hover,a.text-success:focus{color:#356635}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10.5px 0;font-family:inherit;font-weight:bold;line-height:21px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#7a8288}h1,h2,h3{line-height:42px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9.5px;margin:21px 0 31.5px;border-bottom:1px solid #bbbfc2}ul,ol{padding:0;margin:0 0 10.5px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:21px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:21px}dt,dd{line-height:21px}dt{font-weight:bold}dd{margin-left:10.5px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:21px 0;border:0;border-top:1px solid #1c1e22;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #7a8288}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 21px;border-left:5px solid #bbbfc2}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:21px;color:#7a8288}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #bbbfc2;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:21px;font-style:normal;line-height:21px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#3a3f44;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:13px;line-height:21px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:21px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 21px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:21px;line-height:42px;color:#3a3f44;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15.75px;color:#7a8288}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:21px}input,button,select,textarea{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:21px;padding:4px 6px;margin-bottom:10.5px;font-size:14px;line-height:21px;color:#52575c;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:31px;*margin-top:4px;line-height:31px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#7a8288;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#7a8288}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#7a8288}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#7a8288}.radio,.checkbox{min-height:21px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#bbbfc2}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#c09853}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#c09853}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#c09853;background-color:#fcf8e3;border-color:#c09853}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#b94a48}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#b94a48}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#b94a48;background-color:#f2dede;border-color:#b94a48}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#468847}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#468847}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#468847;background-color:#dff0d8;border-color:#468847}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3a87ad}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3a87ad}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3a87ad;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#2d6987;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3a87ad;background-color:#d9edf7;border-color:#3a87ad}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:20px 20px 21px;margin-top:21px;margin-bottom:21px;background-color:#202328;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#eee}.help-block{display:block;margin-bottom:10.5px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10.5px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:21px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:21px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#bbbfc2;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#d1eed1;border-color:#62c462}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10.5px}legend+.control-group{margin-top:21px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:21px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10.5px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:21px}.table th,.table td{padding:8px;line-height:21px;text-align:left;vertical-align:top;border-top:1px solid #1c1e22}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #1c1e22}.table .table{background-color:#272b30}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #1c1e22;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #1c1e22}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#2e3236}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#3a3f44}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#3a3f44;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:transparent;border-bottom:1px solid #1c1e22}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:21px;color:#7a8288;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#22262a;background-image:-moz-linear-gradient(top,#272b30,#1c1e22);background-image:-webkit-gradient(linear,0 0,0 100%,from(#272b30),to(#1c1e22));background-image:-webkit-linear-gradient(top,#272b30,#1c1e22);background-image:-o-linear-gradient(top,#272b30,#1c1e22);background-image:linear-gradient(to bottom,#272b30,#1c1e22);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff272b30',endColorstr='#ff1c1e22',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#22262a;background-image:-moz-linear-gradient(top,#272b30,#1c1e22);background-image:-webkit-gradient(linear,0 0,0 100%,from(#272b30),to(#1c1e22));background-image:-webkit-linear-gradient(top,#272b30,#1c1e22);background-image:-o-linear-gradient(top,#272b30,#1c1e22);background-image:linear-gradient(to bottom,#272b30,#1c1e22);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff272b30',endColorstr='#ff1c1e22',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#7a8288}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#0b0c0d;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#202328;border:1px solid #101214;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:21px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:21px;color:#3a3f44;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#3a3f44;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#3a3f44;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#bbbec2;*background-color:#bbbdc2;background-image:-moz-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#bbbfc2),to(#bbbdc2));background-image:-webkit-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:-o-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:linear-gradient(to bottom,#bbbfc2,#bbbdc2);background-repeat:repeat-x;border-color:#bbbdc2 #bbbdc2 #93969e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffbbbfc2',endColorstr='#ffbbbdc2',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#bbbdc2;*background-color:#aeb0b6}.btn-primary:active,.btn-primary.active{background-color:#a0a3aa \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#faa732;*background-color:#f89406;background-image:-moz-linear-gradient(top,#fbb450,#f89406);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbb450),to(#f89406));background-image:-webkit-linear-gradient(top,#fbb450,#f89406);background-image:-o-linear-gradient(top,#fbb450,#f89406);background-image:linear-gradient(to bottom,#fbb450,#f89406);background-repeat:repeat-x;border-color:#f89406 #f89406 #ad6704;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbb450',endColorstr='#fff89406',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f89406;*background-color:#df8505}.btn-warning:active,.btn-warning.active{background-color:#c67605 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#da4f49;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#ee5f5b,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#bd362f));background-image:-webkit-linear-gradient(top,#ee5f5b,#bd362f);background-image:-o-linear-gradient(top,#ee5f5b,#bd362f);background-image:linear-gradient(to bottom,#ee5f5b,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#5bb75b;*background-color:#51a351;background-image:-moz-linear-gradient(top,#62c462,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#51a351));background-image:-webkit-linear-gradient(top,#62c462,#51a351);background-image:-o-linear-gradient(top,#62c462,#51a351);background-image:linear-gradient(to bottom,#62c462,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#49afcd;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#5bc0de,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#2f96b4));background-image:-webkit-linear-gradient(top,#5bc0de,#2f96b4);background-image:-o-linear-gradient(top,#5bc0de,#2f96b4);background-image:linear-gradient(to bottom,#5bc0de,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#41454a;*background-color:#272b30;background-image:-moz-linear-gradient(top,#52575c,#272b30);background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),to(#272b30));background-image:-webkit-linear-gradient(top,#52575c,#272b30);background-image:-o-linear-gradient(top,#52575c,#272b30);background-image:linear-gradient(to bottom,#52575c,#272b30);background-repeat:repeat-x;border-color:#272b30 #272b30 #050506;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff272b30',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#272b30;*background-color:#1c1e22}.btn-inverse:active,.btn-inverse.active{background-color:#101214 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#fff;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#fff;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#3a3f44;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10.5px;margin-bottom:10.5px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#bbbdc2}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f89406}.btn-group.open .btn-danger.dropdown-toggle{background-color:#bd362f}.btn-group.open .btn-success.dropdown-toggle{background-color:#51a351}.btn-group.open .btn-info.dropdown-toggle{background-color:#2f96b4}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#272b30}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:21px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#c09853}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:21px}.alert-success{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#468847}.alert-danger,.alert-error{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#b94a48}.alert-info{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#3a87ad}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:21px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#bbbfc2}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:21px;color:#7a8288;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#fff}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:21px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#bbbfc2 #bbbfc2 #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#52575c;cursor:default;background-color:#272b30;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#fff}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#fff;border-bottom-color:#fff}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#52575c;border-bottom-color:#52575c}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#7a8288;border-color:#7a8288}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#7a8288}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#bbbfc2 #ddd #bbbfc2 #bbbfc2}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#bbbfc2 #bbbfc2 #bbbfc2 #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#7a8288}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:21px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#32373c;background-image:-moz-linear-gradient(top,#3a3f44,#272b30);background-image:-webkit-gradient(linear,0 0,0 100%,from(#3a3f44),to(#272b30));background-image:-webkit-linear-gradient(top,#3a3f44,#272b30);background-image:-o-linear-gradient(top,#3a3f44,#272b30);background-image:linear-gradient(to bottom,#3a3f44,#272b30);background-repeat:repeat-x;border:1px solid #0c0d0e;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3a3f44',endColorstr='#ff272b30',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:9.5px 20px 9.5px;margin-left:-20px;font-size:20px;font-weight:200;color:#bbbfc2;text-shadow:0 1px 0 #3a3f44}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#c8c8c8}.navbar-link{color:#c8c8c8}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #3a3f44;border-left:1px solid #272b30}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:9.5px 15px 9.5px;color:#c8c8c8;text-decoration:none;text-shadow:0 1px 0 #3a3f44}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:#3a3f44}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#272b30;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#272a2e;*background-color:#1c1e22;background-image:-moz-linear-gradient(top,#2e3236,#1c1e22);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2e3236),to(#1c1e22));background-image:-webkit-linear-gradient(top,#2e3236,#1c1e22);background-image:-o-linear-gradient(top,#2e3236,#1c1e22);background-image:linear-gradient(to bottom,#2e3236,#1c1e22);background-repeat:repeat-x;border-color:#1c1e22 #1c1e22 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2e3236',endColorstr='#ff1c1e22',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#1c1e22;*background-color:#101214}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#050506 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #3a3f44;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #3a3f44;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#272b30}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#c8c8c8;border-bottom-color:#c8c8c8}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#1e2125;background-image:-moz-linear-gradient(top,#272b30,#101214);background-image:-webkit-gradient(linear,0 0,0 100%,from(#272b30),to(#101214));background-image:-webkit-linear-gradient(top,#272b30,#101214);background-image:-o-linear-gradient(top,#272b30,#101214);background-image:linear-gradient(to bottom,#272b30,#101214);background-repeat:repeat-x;border-color:#252525;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff272b30',endColorstr='#ff101214',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#7a8288;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#7a8288}.navbar-inverse .navbar-text{color:#7a8288}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#101214}.navbar-inverse .navbar-link{color:#7a8288}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#272b30;border-left-color:#101214}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#101214}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#7a8288;border-bottom-color:#7a8288}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#49515a;border-color:#101214;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#3a3f44;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#121417;*background-color:#050506;background-image:-moz-linear-gradient(top,#1c1e22,#050506);background-image:-webkit-gradient(linear,0 0,0 100%,from(#1c1e22),to(#050506));background-image:-webkit-linear-gradient(top,#1c1e22,#050506);background-image:-o-linear-gradient(top,#1c1e22,#050506);background-image:linear-gradient(to bottom,#1c1e22,#050506);background-repeat:repeat-x;border-color:#050506 #050506 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff1c1e22',endColorstr='#ff050506',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#050506;*background-color:#000}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#000 \9}.breadcrumb{padding:8px 15px;margin:0 0 21px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#7a8288}.pagination{margin:21px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:21px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#7a8288;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#7a8288;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:21px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#7a8288;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#3a3f44;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#3a3f44;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#3a3f44;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#3a3f44;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#3a3f44;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#3a3f44;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#41474c;border-bottom:1px solid #353a3e;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#3a3f44;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#3a3f44;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#3a3f44;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#3a3f44;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:21px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:21px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#fff;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#52575c}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#7a8288}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#b94a48}.label-important[href],.badge-important[href]{background-color:#953b39}.label-warning,.badge-warning{background-color:#f89406}.label-warning[href],.badge-warning[href]{background-color:#c67605}.label-success,.badge-success{background-color:#468847}.label-success[href],.badge-success[href]{background-color:#356635}.label-info,.badge-info{background-color:#3a87ad}.label-info[href],.badge-info[href]{background-color:#2d6987}.label-inverse,.badge-inverse{background-color:#3a3f44}.label-inverse[href],.badge-inverse[href]{background-color:#232628}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:21px;margin-bottom:21px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#faa732;background-image:-moz-linear-gradient(top,#fbb450,#f89406);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbb450),to(#f89406));background-image:-webkit-linear-gradient(top,#fbb450,#f89406);background-image:-o-linear-gradient(top,#fbb450,#f89406);background-image:linear-gradient(to bottom,#fbb450,#f89406);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbb450',endColorstr='#fff89406',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#fbb450;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:21px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:21px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#272b30;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#3a3f44;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:21px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:31.5px;color:inherit;background-color:#202328;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:31.5px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1,h2,h3,h4,h5,h6{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}code,pre{text-shadow:none;background-color:#f7f7f7;border:1px solid #1c1e22}legend,.page-header{border-bottom:1px solid #1c1e22}hr{border-bottom:0}.navbar .navbar-inner{background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0)}.navbar .brand{font-weight:bold;text-shadow:1px 1px 1px rgba(0,0,0,0.3);border-right:1px solid #2e3134}.navbar .navbar-text{padding:0 15px;font-weight:bold}.navbar .nav>li>a{text-shadow:1px 1px 1px rgba(0,0,0,0.3);border-right:1px solid rgba(0,0,0,0.2);border-left:1px solid rgba(255,255,255,0.1)}.navbar .nav>li>a:hover{background-color:#3a3f44;background-image:-moz-linear-gradient(280deg,#272b30,#3a3f44);background-image:-webkit-linear-gradient(280deg,#272b30,#3a3f44);background-image:-o-linear-gradient(280deg,#272b30,#3a3f44);background-image:linear-gradient(280deg,#272b30,#3a3f44);background-repeat:repeat-x;border-right:1px solid transparent;border-left:1px solid transparent}.navbar .nav>li.active>a,.navbar .nav>li.active>a:hover{color:#bbbfc2;background-color:#3a3f44;background-color:#43494f;background-image:-moz-linear-gradient(280deg,#30353b,#43494f);background-image:-webkit-linear-gradient(280deg,#30353b,#43494f);background-image:-o-linear-gradient(280deg,#30353b,#43494f);background-image:linear-gradient(280deg,#30353b,#43494f);background-repeat:repeat-x;border-right:1px solid #2e3134}.navbar .navbar-search .search-query{border:1px solid #2e3134}.navbar .btn,.navbar .btn-group{margin:4px 0}.navbar .divider-vertical{background-color:transparent;border-right:0}.navbar .dropdown-menu::after{border-bottom:6px solid #3a3f44}.navbar-inverse .navbar-inner{background-color:#151719;background-image:-webkit-gradient(linear,0 0,0 100%,from(#202328),color-stop(70%,#151719),to(#151719));background-image:-webkit-linear-gradient(#202328,#151719 70%,#151719);background-image:-moz-linear-gradient(top,#202328,#151719 70%,#151719);background-image:-o-linear-gradient(#202328,#151719 70%,#151719);background-image:linear-gradient(#202328,#151719 70%,#151719);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff202328',endColorstr='#ff151719',GradientType=0)}.navbar-inverse .nav li>a{background-color:transparent;background-image:none}.navbar-inverse .nav li>a:hover,.navbar-inverse .nav li.active>a,.navbar-inverse .nav li.active>a:hover{background-color:#1c1e22;background-image:-moz-linear-gradient(280deg,#101214,#1c1e22);background-image:-webkit-linear-gradient(280deg,#101214,#1c1e22);background-image:-o-linear-gradient(280deg,#101214,#1c1e22);background-image:linear-gradient(280deg,#101214,#1c1e22);background-repeat:repeat-x}@media(max-width:979px){.navbar .nav-collapse .nav li>a,.navbar .nav-collapse .nav li>a:hover,.navbar .nav-collapse .nav .active>a,.navbar .nav-collapse .nav .active>a:hover{color:#bbbfc2;background-color:transparent;background-image:none;border:1px solid transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .nav li>a:hover,.navbar .nav-collapse .nav .active>a:hover{background-color:#272b30}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .nav-header{color:#7a8288}.navbar-inverse .nav-collapse .nav li>a:hover,.navbar-inverse .nav-collapse .nav .active>a:hover{background-color:#272b30!important}}div.subnav{margin:0 1px;background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;border:1px solid transparent;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0);-webkit-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';-moz-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)'}div.subnav .nav>li>a{color:#bbbfc2;text-shadow:1px 1px 1px rgba(0,0,0,0.3);border-right:1px solid #2e3134;border-left:1px solid #52575c}div.subnav .nav>li>a:hover{color:#bbbfc2;background-color:#3a3f44;background-image:-moz-linear-gradient(280deg,#272b30,#3a3f44);background-image:-webkit-linear-gradient(280deg,#272b30,#3a3f44);background-image:-o-linear-gradient(280deg,#272b30,#3a3f44);background-image:linear-gradient(280deg,#272b30,#3a3f44);background-repeat:repeat-x;border-right:1px solid transparent;border-left:1px solid transparent}div.subnav .nav>li.active>a,div.subnav .nav>li.active>a:hover{color:#bbbfc2;background-color:#3a3f44;background-color:#43494f;background-image:-moz-linear-gradient(280deg,#30353b,#43494f);background-image:-webkit-linear-gradient(280deg,#30353b,#43494f);background-image:-o-linear-gradient(280deg,#30353b,#43494f);background-image:linear-gradient(280deg,#30353b,#43494f);background-repeat:repeat-x;border-right:1px solid #2e3134}div.subnav .nav>li:first-child>a,div.subnav .nav>li:first-child>a:hover{border-left:1px solid transparent}div.subnav .nav>li.active:last-child>a,div.subnav .nav>li:last-child>a:hover{border-right:1px solid #2e3134}div.subnav .open .dropdown-toggle{border-right:1px solid #2e3134;border-left:1px solid #52575c}div.subnav.subnav-fixed{top:40px;margin:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav.subnav-fixed .nav>li.active:first-child>a,div.subnav.subnav-fixed .nav>li:first-child>a:hover{border-left:1px solid #2e3134}.nav .nav-header{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.nav>li>a{font-weight:bold;color:#7a8288;text-shadow:1px 1px 1px rgba(0,0,0,0.3);background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;border:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0);-webkit-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';-moz-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)'}.nav li.active>a,.nav li.active>a:hover{color:#fff;background-color:transparent;border:0}.nav>li.disabled>a,.nav>li.disabled>a:hover{color:#52575c}.nav li>a:hover{color:#bbbfc2;background-color:transparent}.nav-list{background-color:#3a3f44;-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.4);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.4);box-shadow:1px 1px 1px rgba(0,0,0,0.4)}.nav-list li>a{text-shadow:-1px -1px 0 rgba(0,0,0,0.3);background-image:none}.nav-list .nav-header{color:#52575c;text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.nav-list .divider{background-color:transparent;border-bottom:1px solid #1c1e22}.nav-tabs{border-bottom:0}.tabs-below .nav-tabs{border-top:0}.tabs-left .nav-tabs{border-right:0}.tabs-right .nav-tabs{border-left:none}.nav-tabs.nav-stacked li>a,.nav-tabs.nav-stacked li>a:hover{background-image:none;border:1px solid #1c1e22}.nav-tabs.nav-stacked li>a:hover,.nav-tabs.nav-stacked .active>a,.nav-tabs.nav-stacked .active>a:hover{color:#fff;background-color:#202328}.breadcrumb{background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;border:1px solid transparent;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0);-webkit-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';-moz-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)'}.breadcrumb a{font-weight:bold;color:#bbbfc2}.breadcrumb li{font-weight:bold;color:#7a8288;text-shadow:1px 1px 1px rgba(0,0,0,0.3)}.pagination ul{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.pagination ul>li>a,.pagination ul>li>span{font-weight:bold;color:#bbbfc2;text-shadow:1px 1px 1px rgba(0,0,0,0.3);background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;border-top:0;border-right:1px solid #2e3134;border-bottom:0;border-left:1px solid #52575c;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0);-webkit-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';-moz-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)'}.pagination ul>li>a:hover,.pagination ul>li>span:hover{background-color:#3a3f44;background-image:-moz-linear-gradient(280deg,#272b30,#3a3f44);background-image:-webkit-linear-gradient(280deg,#272b30,#3a3f44);background-image:-o-linear-gradient(280deg,#272b30,#3a3f44);background-image:linear-gradient(280deg,#272b30,#3a3f44);background-repeat:repeat-x;border-left:1px solid transparent}.pagination ul>.active>a,.pagination ul>.active>a:hover,.pagination ul>.active>span,.pagination ul>.active>span:hover{color:#bbbfc2;background-color:#3a3f44;background-color:#43494f;background-image:-moz-linear-gradient(280deg,#30353b,#43494f);background-image:-webkit-linear-gradient(280deg,#30353b,#43494f);background-image:-o-linear-gradient(280deg,#30353b,#43494f);background-image:linear-gradient(280deg,#30353b,#43494f);background-repeat:repeat-x;border-left:1px solid transparent}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{background-color:#52575c;background-image:-webkit-gradient(linear,0 0,0 100%,from(#7a8288),color-stop(70%,#52575c),to(#52575c));background-image:-webkit-linear-gradient(#7a8288,#52575c 70%,#52575c);background-image:-moz-linear-gradient(top,#7a8288,#52575c 70%,#52575c);background-image:-o-linear-gradient(#7a8288,#52575c 70%,#52575c);background-image:linear-gradient(#7a8288,#52575c 70%,#52575c);background-repeat:no-repeat;border-top:0;border-right:1px solid #2e3134;border-bottom:0;border-left:1px solid #52575c;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff7a8288',endColorstr='#ff52575c',GradientType=0)}.pager li>a,.pager li>span{background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;border:1px solid transparent;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0);-webkit-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';-moz-box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)';box-shadow:'0 1px 3px rgba(0, 0, 0, 0.25), inset 0 -1px 0 rgba(0, 0, 0, 0.1)'}.pager li>a:hover,.pager li>span:hover{background-color:#3a3f44;background-image:-moz-linear-gradient(280deg,#272b30,#3a3f44);background-image:-webkit-linear-gradient(280deg,#272b30,#3a3f44);background-image:-o-linear-gradient(280deg,#272b30,#3a3f44);background-image:linear-gradient(280deg,#272b30,#3a3f44);background-repeat:repeat-x;border:1px solid transparent}.pager .disabled a,.pager .disabled a:hover{background-color:transparent;background-color:#3a3f44;background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),color-stop(70%,#3a3f44),to(#3a3f44));background-image:-webkit-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:-moz-linear-gradient(top,#52575c,#3a3f44 70%,#3a3f44);background-image:-o-linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-image:linear-gradient(#52575c,#3a3f44 70%,#3a3f44);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3f44',GradientType=0)}.btn{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#484d51;*background-color:#3a3e41;background-image:-moz-linear-gradient(top,#52575c,#3a3e41);background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),to(#3a3e41));background-image:-webkit-linear-gradient(top,#52575c,#3a3e41);background-image:-o-linear-gradient(top,#52575c,#3a3e41);background-image:linear-gradient(to bottom,#52575c,#3a3e41);background-repeat:repeat-x;border:1px solid #272b30;border-color:#3a3e41 #3a3e41 #161719;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff3a3e41',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#fff;background-color:#3a3e41;*background-color:#2e3134}.btn:active,.btn.active{background-color:#222426 \9}.btn,.btn:hover{font-weight:bold;color:#fff;text-shadow:-1px -1px 1px rgba(0,0,0,0.3)}.btn-primary{color:#fff;color:#3a3f44;text-shadow:0 -1px 0 rgba(0,0,0,0.25);text-shadow:1px 1px 1px rgba(255,255,255,0.3);background-color:#bbbec2;*background-color:#bbbdc2;background-image:-moz-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:-webkit-gradient(linear,0 0,0 100%,from(#bbbfc2),to(#bbbdc2));background-image:-webkit-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:-o-linear-gradient(top,#bbbfc2,#bbbdc2);background-image:linear-gradient(to bottom,#bbbfc2,#bbbdc2);background-repeat:repeat-x;border-color:#bbbdc2 #bbbdc2 #93959e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffbbbfc2',endColorstr='#ffbbbdc2',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#bbbdc2;*background-color:#aeb0b6}.btn-primary:active,.btn-primary.active{background-color:#a0a2aa \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#faa732;*background-color:#f89406;background-image:-moz-linear-gradient(top,#fbb450,#f89406);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fbb450),to(#f89406));background-image:-webkit-linear-gradient(top,#fbb450,#f89406);background-image:-o-linear-gradient(top,#fbb450,#f89406);background-image:linear-gradient(to bottom,#fbb450,#f89406);background-repeat:repeat-x;border-color:#f89406 #f89406 #ad6704;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffbb450',endColorstr='#fff89406',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f89406;*background-color:#df8505}.btn-warning:active,.btn-warning.active{background-color:#c67605 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#da4f49;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#ee5f5b,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#bd362f));background-image:-webkit-linear-gradient(top,#ee5f5b,#bd362f);background-image:-o-linear-gradient(top,#ee5f5b,#bd362f);background-image:linear-gradient(to bottom,#ee5f5b,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#5bb75b;*background-color:#51a351;background-image:-moz-linear-gradient(top,#62c462,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#51a351));background-image:-webkit-linear-gradient(top,#62c462,#51a351);background-image:-o-linear-gradient(top,#62c462,#51a351);background-image:linear-gradient(to bottom,#62c462,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#49afcd;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#5bc0de,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#2f96b4));background-image:-webkit-linear-gradient(top,#5bc0de,#2f96b4);background-image:-o-linear-gradient(top,#5bc0de,#2f96b4);background-image:linear-gradient(to bottom,#5bc0de,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#41454a;*background-color:#272b30;background-image:-moz-linear-gradient(top,#52575c,#272b30);background-image:-webkit-gradient(linear,0 0,0 100%,from(#52575c),to(#272b30));background-image:-webkit-linear-gradient(top,#52575c,#272b30);background-image:-o-linear-gradient(top,#52575c,#272b30);background-image:linear-gradient(to bottom,#52575c,#272b30);background-repeat:repeat-x;border-color:#272b30 #272b30 #050506;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52575c',endColorstr='#ff272b30',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#272b30;*background-color:#1c1e22}.btn-inverse:active,.btn-inverse.active{background-color:#101214 \9}.caret{border-top-color:#fff}.table tbody tr.success td{background-color:#468847}.table tbody tr.error td{background-color:#b94a48}.table tbody tr.info td{background-color:#3a87ad}label,input,button,select,textarea,legend{color:#c8c8c8}legend,label{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.input-prepend .add-on,.input-append .add-on{text-shadow:none;vertical-align:top;background-color:#52575c;border-top:1px solid #7a8288;border-right:1px solid #3a3f44;border-bottom:1px solid #3a3f44;border-left:1px solid #7a8288}.input-append .btn,.input-prepend .btn{padding:5px 14px;margin-top:-1px}.uneditable-input,input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{color:#bbbfc2}.form-actions{border-top:0}.dropdown-menu{-webkit-box-shadow:0 5px 5px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 5px rgba(0,0,0,0.2);box-shadow:0 5px 5px rgba(0,0,0,0.2)}.dropdown.open .dropdown-toggle{color:#bbbfc2;background-color:#3a3f44}.dropdown-submenu>a::after{border-left-color:#fff}.label,.alert{color:rgba(255,255,255,0.9);text-shadow:-1px -1px 0 rgba(0,0,0,0.3);-webkit-box-shadow:1px 1px 1px rgba(0,0,0,0.3);-moz-box-shadow:1px 1px 1px rgba(0,0,0,0.3);box-shadow:1px 1px 1px rgba(0,0,0,0.3)}.alert{background-color:#f89406;border-color:#f89406}.alert .alert-heading{color:rgba(255,255,255,0.9);text-shadow:-1px -1px 0 rgba(0,0,0,0.4)}.alert-success{background-color:#468847;border-color:#468847}.alert-error{background-color:#b94a48;border-color:#b94a48}.alert-info{background-color:#3a87ad;border-color:#3a87ad}.well,.hero-unit{-webkit-box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5);-moz-box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5);box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5)}.thumbnail,a.thumbnail:hover{border:1px solid #1c1e22}.progress{background-color:#202328;background-image:-moz-linear-gradient(top,#202328,#202328);background-image:-webkit-gradient(linear,0 0,0 100%,from(#202328),to(#202328));background-image:-webkit-linear-gradient(top,#202328,#202328);background-image:-o-linear-gradient(top,#202328,#202328);background-image:linear-gradient(to bottom,#202328,#202328);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff202328',endColorstr='#ff202328',GradientType=0);-webkit-box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5);-moz-box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5);box-shadow:inset 1px 1px 1px rgba(0,0,0,0.5)}.footer{border-top:1px solid #1c1e22}.footer p{color:#c8c8c8}.modal{background-color:#2e3236}.modal-header{border-bottom:0}.modal-body{border-bottom:1px solid #1c1e22}.modal-footer{background-color:#272b30;border-top:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}@media(max-width:979px){.navbar .brand{border-right:0}}@media(max-width:768px){div.subnav .nav>li+li>a{border-top:1px solid transparent}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-spacelab.css b/docs/build/html/_static/css/bootstrap2/bootswatch-spacelab.css new file mode 100644 index 0000000..1075a46 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-spacelab.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Open+Sans:400italic,700italic,400,700');/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:31px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:21px;color:#666;background-color:#fff}a{color:#09d;text-decoration:none}a:hover,a:focus{color:#09d;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:31px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:22.5px;font-weight:200;line-height:31.5px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#ccc}a.muted:hover,a.muted:focus{color:#b3b3b3}.text-warning{color:#fff}a.text-warning:hover,a.text-warning:focus{color:#e6e6e6}.text-error{color:#fff}a.text-error:hover,a.text-error:focus{color:#e6e6e6}.text-info{color:#fff}a.text-info:hover,a.text-info:focus{color:#e6e6e6}.text-success{color:#fff}a.text-success:hover,a.text-success:focus{color:#e6e6e6}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10.5px 0;font-family:inherit;font-weight:normal;line-height:21px;color:#2d2d2d;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#ccc}h1,h2,h3{line-height:42px}h1{font-size:41.25px}h2{font-size:33.75px}h3{font-size:26.25px}h4{font-size:18.75px}h5{font-size:15px}h6{font-size:12.75px}h1 small{font-size:26.25px}h2 small{font-size:18.75px}h3 small{font-size:15px}h4 small{font-size:15px}.page-header{padding-bottom:9.5px;margin:21px 0 31.5px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10.5px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:21px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:21px}dt,dd{line-height:21px}dt{font-weight:bold}dd{margin-left:10.5px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:21px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #ccc}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 21px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:18.75px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:21px;color:#ccc}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:21px;font-style:normal;line-height:21px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:13px;color:#434848;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:21px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:21px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 21px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:42px;color:#434848;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15.75px;color:#ccc}label,input,button,select,textarea{font-size:15px;font-weight:normal;line-height:21px}input,button,select,textarea{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:21px;padding:4px 6px;margin-bottom:10.5px;font-size:15px;line-height:21px;color:#666;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:31px;*margin-top:4px;line-height:31px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#ccc;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#ccc}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#ccc}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#ccc}.radio,.checkbox{min-height:21px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#fff}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#fff}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#fff;background-color:#d47500;border-color:#fff}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#fff}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#fff}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#fff;background-color:#cd0200;border-color:#fff}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#fff}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#fff}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#fff;background-color:#3cb521;border-color:#fff}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#fff}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#fff}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#fff;background-color:#3399f3;border-color:#fff}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:20px 20px 21px;margin-top:21px;margin-bottom:21px;background-color:#f5f5f5;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#8c8c8c}.help-block{display:block;margin-bottom:10.5px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10.5px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:15px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:21px;min-width:16px;padding:4px 5px;font-size:15px;font-weight:normal;line-height:21px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#98e986;border-color:#3cb521}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10.5px}legend+.control-group{margin-top:21px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:21px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10.5px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:21px}.table th,.table td{padding:8px;line-height:21px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#3cb521}.table tbody tr.error>td{background-color:#cd0200}.table tbody tr.warning>td{background-color:#d47500}.table tbody tr.info>td{background-color:#3399f3}.table-hover tbody tr.success:hover>td{background-color:#359f1d}.table-hover tbody tr.error:hover>td{background-color:#b40200}.table-hover tbody tr.warning:hover>td{background-color:#bb6700}.table-hover tbody tr.info:hover>td{background-color:#1b8df2}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:rgba(0,0,0,0.1);border-bottom:1px solid rgba(255,255,255,0.5)}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:21px;color:#666;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#0092d3;background-image:-moz-linear-gradient(top,#09d,#0087c4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#09d),to(#0087c4));background-image:-webkit-linear-gradient(top,#09d,#0087c4);background-image:-o-linear-gradient(top,#09d,#0087c4);background-image:linear-gradient(to bottom,#09d,#0087c4);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0099dd',endColorstr='#ff0087c4',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#0092d3;background-image:-moz-linear-gradient(top,#09d,#0087c4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#09d),to(#0087c4));background-image:-webkit-linear-gradient(top,#09d,#0087c4);background-image:-o-linear-gradient(top,#09d,#0087c4);background-image:linear-gradient(to bottom,#09d,#0087c4);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff0099dd',endColorstr='#ff0087c4',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#ccc}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#eee;border:1px solid #dcdcdc;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:21px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:15px;line-height:21px;color:#434848;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f8f8f8;*background-color:#eee;background-image:-moz-linear-gradient(top,#fff,#eee);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#eee));background-image:-webkit-linear-gradient(top,#fff,#eee);background-image:-o-linear-gradient(top,#fff,#eee);background-image:linear-gradient(to bottom,#fff,#eee);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#eee #eee #c8c8c8;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffeeeeee',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#434848;background-color:#eee;*background-color:#e1e1e1}.btn:active,.btn.active{background-color:#d5d5d5 \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#434848;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:18.75px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:12.75px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:11.25px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0aaaf1;*background-color:#09d;background-image:-moz-linear-gradient(top,#11b6ff,#09d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#11b6ff),to(#09d));background-image:-webkit-linear-gradient(top,#11b6ff,#09d);background-image:-o-linear-gradient(top,#11b6ff,#09d);background-image:linear-gradient(to bottom,#11b6ff,#09d);background-repeat:repeat-x;border-color:#09d #09d #006491;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff11b6ff',endColorstr='#ff0099dd',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#09d;*background-color:#0087c4}.btn-primary:active,.btn-primary.active{background-color:#0076aa \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#ee8505;*background-color:#d47500;background-image:-moz-linear-gradient(top,#ff9008,#d47500);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff9008),to(#d47500));background-image:-webkit-linear-gradient(top,#ff9008,#d47500);background-image:-o-linear-gradient(top,#ff9008,#d47500);background-image:linear-gradient(to bottom,#ff9008,#d47500);background-repeat:repeat-x;border-color:#d47500 #d47500 #884b00;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff9008',endColorstr='#ffd47500',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#d47500;*background-color:#bb6700}.btn-warning:active,.btn-warning.active{background-color:#a15900 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#eb0301;*background-color:#cd0200;background-image:-moz-linear-gradient(top,#ff0301,#cd0200);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff0301),to(#cd0200));background-image:-webkit-linear-gradient(top,#ff0301,#cd0200);background-image:-o-linear-gradient(top,#ff0301,#cd0200);background-image:linear-gradient(to bottom,#ff0301,#cd0200);background-repeat:repeat-x;border-color:#cd0200 #cd0200 #810100;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0301',endColorstr='#ffcd0200',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#cd0200;*background-color:#b40200}.btn-danger:active,.btn-danger.active{background-color:#9a0200 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#47cb2a;*background-color:#3cb521;background-image:-moz-linear-gradient(top,#4fd930,#3cb521);background-image:-webkit-gradient(linear,0 0,0 100%,from(#4fd930),to(#3cb521));background-image:-webkit-linear-gradient(top,#4fd930,#3cb521);background-image:-o-linear-gradient(top,#4fd930,#3cb521);background-image:linear-gradient(to bottom,#4fd930,#3cb521);background-repeat:repeat-x;border-color:#3cb521 #3cb521 #277415;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff4fd930',endColorstr='#ff3cb521',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#3cb521;*background-color:#359f1d}.btn-success:active,.btn-success.active{background-color:#2e8a19 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#436c98;*background-color:#3a5d83;background-image:-moz-linear-gradient(top,#4a76a6,#3a5d83);background-image:-webkit-gradient(linear,0 0,0 100%,from(#4a76a6),to(#3a5d83));background-image:-webkit-linear-gradient(top,#4a76a6,#3a5d83);background-image:-o-linear-gradient(top,#4a76a6,#3a5d83);background-image:linear-gradient(to bottom,#4a76a6,#3a5d83);background-repeat:repeat-x;border-color:#3a5d83 #3a5d83 #23374e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff4a76a6',endColorstr='#ff3a5d83',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#3a5d83;*background-color:#325071}.btn-info:active,.btn-info.active{background-color:#2a4460 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#848a94;*background-color:#6c737e;background-image:-moz-linear-gradient(top,#949aa3,#6c737e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#949aa3),to(#6c737e));background-image:-webkit-linear-gradient(top,#949aa3,#6c737e);background-image:-o-linear-gradient(top,#949aa3,#6c737e);background-image:linear-gradient(to bottom,#949aa3,#6c737e);background-repeat:repeat-x;border-color:#6c737e #6c737e #494d55;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff949aa3',endColorstr='#ff6c737e',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#6c737e;*background-color:#606670}.btn-inverse:active,.btn-inverse.active{background-color:#545a63 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#09d;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#09d;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#434848;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10.5px;margin-bottom:10.5px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:15px}.btn-group>.btn-mini{font-size:11.25px}.btn-group>.btn-small{font-size:12.75px}.btn-group>.btn-large{font-size:18.75px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#eee}.btn-group.open .btn-primary.dropdown-toggle{background-color:#09d}.btn-group.open .btn-warning.dropdown-toggle{background-color:#d47500}.btn-group.open .btn-danger.dropdown-toggle{background-color:#cd0200}.btn-group.open .btn-success.dropdown-toggle{background-color:#3cb521}.btn-group.open .btn-info.dropdown-toggle{background-color:#3a5d83}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#6c737e}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:21px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#d47500;border:1px solid #c54c00;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#fff}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:21px}.alert-success{color:#fff;background-color:#3cb521;border-color:#4b9f1d}.alert-success h4{color:#fff}.alert-danger,.alert-error{color:#fff;background-color:#cd0200;border-color:#be001e}.alert-danger h4,.alert-error h4{color:#fff}.alert-info{color:#fff;background-color:#3399f3;border-color:#11adf1}.alert-info h4{color:#fff}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:21px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:21px;color:#ccc;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#09d}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:21px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#666;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#09d}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#09d;border-bottom-color:#09d}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#09d;border-bottom-color:#09d}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#666;border-bottom-color:#666}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#ccc;border-color:#ccc}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#ccc}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#ccc}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:21px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#e9e9e9;background-image:-moz-linear-gradient(top,#eee,#e1e1e1);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eee),to(#e1e1e1));background-image:-webkit-linear-gradient(top,#eee,#e1e1e1);background-image:-o-linear-gradient(top,#eee,#e1e1e1);background-image:linear-gradient(to bottom,#eee,#e1e1e1);background-repeat:repeat-x;border:1px solid #ccc;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeeeeee',endColorstr='#ffe1e1e1',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:9.5px 20px 9.5px;margin-left:-20px;font-size:20px;font-weight:200;color:#666;text-shadow:0 1px 0 #eee}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#666}.navbar-link{color:#666}.navbar-link:hover,.navbar-link:focus{color:#09d}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #eee;border-left:1px solid #e1e1e1}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:9.5px 15px 9.5px;color:#666;text-decoration:none;text-shadow:0 1px 0 #eee}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#09d;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#09d;text-decoration:none;background-color:transparent;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#dcdcdc;*background-color:#d4d4d4;background-image:-moz-linear-gradient(top,#e1e1e1,#d4d4d4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e1e1e1),to(#d4d4d4));background-image:-webkit-linear-gradient(top,#e1e1e1,#d4d4d4);background-image:-o-linear-gradient(top,#e1e1e1,#d4d4d4);background-image:linear-gradient(to bottom,#e1e1e1,#d4d4d4);background-repeat:repeat-x;border-color:#d4d4d4 #d4d4d4 #aeaeae;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe1e1e1',endColorstr='#ffd4d4d4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#d4d4d4;*background-color:#c8c8c8}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#bbb \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#09d;border-bottom-color:#09d}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#09d;background-color:transparent}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#666;border-bottom-color:#666}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#09d;border-bottom-color:#09d}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#7c828d;background-image:-moz-linear-gradient(top,#868d97,#6c737e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#868d97),to(#6c737e));background-image:-webkit-linear-gradient(top,#868d97,#6c737e);background-image:-o-linear-gradient(top,#868d97,#6c737e);background-image:linear-gradient(to bottom,#868d97,#6c737e);background-repeat:repeat-x;border-color:#656b76;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff868d97',endColorstr='#ff6c737e',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#ccc;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#ccc}.navbar-inverse .navbar-text{color:#ccc}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#6c737e}.navbar-inverse .navbar-link{color:#ccc}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#868d97;border-left-color:#6c737e}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#6c737e}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#ccc;border-bottom-color:#ccc}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#afb3ba;border-color:#6c737e;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#434848;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#6f7681;*background-color:#606670;background-image:-moz-linear-gradient(top,#78808b,#606670);background-image:-webkit-gradient(linear,0 0,0 100%,from(#78808b),to(#606670));background-image:-webkit-linear-gradient(top,#78808b,#606670);background-image:-o-linear-gradient(top,#78808b,#606670);background-image:linear-gradient(to bottom,#78808b,#606670);background-repeat:repeat-x;border-color:#606670 #606670 #3d4147;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff78808b',endColorstr='#ff606670',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#606670;*background-color:#545a63}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#494d55 \9}.breadcrumb{padding:8px 15px;margin:0 0 21px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#ccc}.pagination{margin:21px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:21px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#ccc;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#ccc;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:18.75px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:12.75px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:11.25px}.pager{margin:21px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#ccc;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:21px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:21px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#09d;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#666}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:12.69px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#ccc}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#fff}.label-important[href],.badge-important[href]{background-color:#e6e6e6}.label-warning,.badge-warning{background-color:#d47500}.label-warning[href],.badge-warning[href]{background-color:#a15900}.label-success,.badge-success{background-color:#fff}.label-success[href],.badge-success[href]{background-color:#e6e6e6}.label-info,.badge-info{background-color:#fff}.label-info[href],.badge-info[href]{background-color:#e6e6e6}.label-inverse,.badge-inverse{background-color:#434848}.label-inverse[href],.badge-inverse[href]{background-color:#2a2e2e}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:21px;margin-bottom:21px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#ee8c14;background-image:-moz-linear-gradient(top,#ff9c21,#d47500);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ff9c21),to(#d47500));background-image:-webkit-linear-gradient(top,#ff9c21,#d47500);background-image:-o-linear-gradient(top,#ff9c21,#d47500);background-image:linear-gradient(to bottom,#ff9c21,#d47500);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff9c21',endColorstr='#ffd47500',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ff9c21;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:21px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:21px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#2d2d2d;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#434848;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:21px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:31.5px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:#2d2d2d}.hero-unit li{line-height:31.5px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}.text-warning{color:#d47500}a.text-warning:hover,a.text-warning:focus{color:#a15900}.text-error{color:#cd0200}a.text-error:hover,a.text-error:focus{color:#9a0200}.text-info{color:#3399f3}a.text-info:hover,a.text-info:focus{color:#0e80e5}.text-success{color:#3cb521}a.text-success:hover,a.text-success:focus{color:#2e8a19}.navbar .brand{text-shadow:0 1px 0 rgba(255,255,255,0.3);-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar .brand:hover{color:#09d;-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar .nav>li>a{padding:11px 10px 8px;text-shadow:0 1px 0 rgba(255,255,255,0.3);-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar .nav>li>a:hover{-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar .navbar-text{padding:11px 10px 8px;line-height:inherit}.navbar .navbar-search .search-query,.navbar .navbar-search .search-query:hover{margin-bottom:0;line-height:normal;color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.5);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.5);box-shadow:inset 0 1px 2px rgba(0,0,0,0.5)}.navbar .navbar-search .search-query:-moz-placeholder,.navbar .navbar-search .search-query:hover:-moz-placeholder{color:#ccc}.navbar .navbar-search .search-query:-ms-input-placeholder,.navbar .navbar-search .search-query:hover:-ms-input-placeholder{color:#ccc}.navbar .navbar-search .search-query::-webkit-input-placeholder,.navbar .navbar-search .search-query:hover::-webkit-input-placeholder{color:#ccc}.navbar .navbar-search .search-query:focus,.navbar .navbar-search .search-query:hover:focus,.navbar .navbar-search .search-query.focused,.navbar .navbar-search .search-query:hover.focused{color:#666;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.5);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.5);box-shadow:inset 0 1px 2px rgba(0,0,0,0.5)}.navbar-inverse .brand{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.navbar-inverse .brand:hover{color:#fff}.navbar-inverse .nav>li>a{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown:hover>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open:hover>.dropdown-toggle .caret{border-top-color:#fff}.navbar-inverse .navbar-search .search-query,.navbar-inverse .navbar-search .search-query:hover{color:#fff}.navbar-inverse .navbar-search .search-query:-moz-placeholder,.navbar-inverse .navbar-search .search-query:hover:-moz-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder,.navbar-inverse .navbar-search .search-query:hover:-ms-input-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder,.navbar-inverse .navbar-search .search-query:hover::-webkit-input-placeholder{color:#eee}@media(max-width:979px){.navbar .nav-collapse .nav li>a:hover{color:#fff;text-shadow:none;background-color:#09d}.navbar .nav-collapse .navbar-search{border-top:0;border-bottom:0}.navbar-inverse .nav-collapse .nav li>a{color:#ccc!important}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:#09d!important}.navbar-inverse .nav-collapse .nav-header{color:#eee}}div.subnav .nav>li>a{color:#666;-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}div.subnav .nav>li>a:hover{color:#09d;border-left-color:#ccc;-webkit-transition:color ease-in-out .2s;-moz-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}div.subnav .nav>li.active>a{color:#666}div.subnav .nav>li.active>a:hover{color:#666}div.subnav .nav>li.dropdown>.dropdown-toggle{background-color:transparent}div.subnav .nav>li.dropdown.open>.dropdown-toggle{color:#666;border-right:1px solid #e5e5e5;border-left:1px solid whiteSmoke}div.subnav .nav>li.dropdown.open>.dropdown-toggle:hover{color:#09d}div.subnav-fixed{top:41px}.nav>li>a:hover,.nav>li>a:focus{background-color:rgba(0,0,0,0.05)}.nav>li.dropdown>.dropdown-toggle .caret,.nav>li.dropdown.active>.dropdown-toggle .caret,.nav>li.dropdown.open>.dropdown-toggle .caret,.nav>li.dropdown.open.active>.dropdown-toggle .caret{border-top:4px solid #666;border-top-color:#666;opacity:1}.nav>li.dropdown>.dropdown-toggle:hover .caret,.nav>li.dropdown.active>.dropdown-toggle:hover .caret,.nav>li.dropdown.open>.dropdown-toggle:hover .caret,.nav>li.dropdown.open.active>.dropdown-toggle:hover .caret{border-top:4px solid #09d;border-top-color:#09d}.nav-list .divider{background-color:rgba(0,0,0,0.1);border-bottom-color:rgba(255,255,255,0.5)}[class^="icon-"],[class*=" icon-"]{margin-top:4px}.table tbody tr.success>td,.table tbody tr.error>td,.table tbody tr.info>td{color:#fff}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#e29235}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#e29235}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#e29235;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#c7781d;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #efc28e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #efc28e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #efc28e}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#e29235;background-color:#d47500;border-color:#e29235}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#c00}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#c00}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#c00;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#900;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f33;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f33;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f33}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#c00;background-color:#cd0200;border-color:#c00}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#2ba949}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#2ba949}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#2ba949;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#218037;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #63d77e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #63d77e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #63d77e}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#2ba949;background-color:#3cb521;border-color:#2ba949}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3399f3}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3399f3}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3399f3;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#0e80e5;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #93c9f9;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #93c9f9;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #93c9f9}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3399f3;background-color:#3399f3;border-color:#3399f3}.alert{text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{font-weight:bold;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.alert a{color:#fff;text-decoration:underline}.label-important,.badge-important{background-color:#cd0200}.label-warning,.badge-warning{background-color:#d47500}.label-success,.badge-success{background-color:#3cb521}.label-info,.badge-info{background-color:#3399f3}.hero-unit{border:1px solid rgba(0,0,0,0.1)}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-spruce.css b/docs/build/html/_static/css/bootstrap2/bootswatch-spruce.css new file mode 100644 index 0000000..6d5279c --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-spruce.css @@ -0,0 +1,9 @@ +@import url(//fonts.googleapis.com/css?family=Crete+Round);/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:31px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:Georgia,"Times New Roman",Times,serif;font-size:15px;line-height:21px;color:#555;background-color:#fff}a{color:#028d79;text-decoration:none}a:hover,a:focus{color:#028d79;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:31px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:22.5px;font-weight:200;line-height:31.5px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#fff}a.text-warning:hover,a.text-warning:focus{color:#e6e6e6}.text-error{color:#fff}a.text-error:hover,a.text-error:focus{color:#e6e6e6}.text-info{color:#fff}a.text-info:hover,a.text-info:focus{color:#e6e6e6}.text-success{color:#fff}a.text-success:hover,a.text-success:focus{color:#e6e6e6}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10.5px 0;font-family:'Crete Round',serif;font-weight:normal;line-height:21px;color:#333;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:42px}h1{font-size:41.25px}h2{font-size:33.75px}h3{font-size:26.25px}h4{font-size:18.75px}h5{font-size:15px}h6{font-size:12.75px}h1 small{font-size:26.25px}h2 small{font-size:18.75px}h3 small{font-size:15px}h4 small{font-size:15px}.page-header{padding-bottom:9.5px;margin:21px 0 31.5px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10.5px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:21px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:21px}dt,dd{line-height:21px}dt{font-weight:bold}dd{margin-left:10.5px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:21px 0;border:0;border-top:1px solid #999;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 21px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:18.75px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:21px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:21px;font-style:normal;line-height:21px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:13px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:21px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:21px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 21px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:42px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15.75px;color:#999}label,input,button,select,textarea{font-size:15px;font-weight:normal;line-height:21px}input,button,select,textarea{font-family:Georgia,"Times New Roman",Times,serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:21px;padding:4px 6px;margin-bottom:10.5px;font-size:15px;line-height:21px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:31px;*margin-top:4px;line-height:31px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#ccc}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#ccc}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#ccc}.radio,.checkbox{min-height:21px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#fff}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#fff}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#fff;background-color:#f26522;border-color:#fff}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#fff}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#fff}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#fff;background-color:#d14432;border-color:#fff}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#fff}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#fff}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#fff;background-color:#24c00b;border-color:#fff}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#fff}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#fff}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#fff;background-color:#185af9;border-color:#fff}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:20px 20px 21px;margin-top:21px;margin-bottom:21px;background-color:transparent;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#7b7b7b}.help-block{display:block;margin-bottom:10.5px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10.5px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:15px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:21px;min-width:16px;padding:4px 5px;font-size:15px;font-weight:normal;line-height:21px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#03f2d0;border-color:#015b4e}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10.5px}legend+.control-group{margin-top:21px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:21px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10.5px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:#f7f7f7;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:21px}.table th,.table td{padding:8px;line-height:21px;text-align:left;vertical-align:top;border-top:1px solid #999}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #999}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #999;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #999}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#eaeaea}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#ddd}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#24c00b}.table tbody tr.error>td{background-color:#d14432}.table tbody tr.warning>td{background-color:#f26522}.table tbody tr.info>td{background-color:#185af9}.table-hover tbody tr.success:hover>td{background-color:#1fa80a}.table-hover tbody tr.error:hover>td{background-color:#bf3c2b}.table-hover tbody tr.warning:hover>td{background-color:#ed560e}.table-hover tbody tr.info:hover>td{background-color:#064bf1}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#002425;border:1px solid #ccc;border:1px solid transparent;*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:transparent;border-bottom:1px solid #999}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:21px;color:#fff;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#015145;background-image:-moz-linear-gradient(top,#015b4e,#014238);background-image:-webkit-gradient(linear,0 0,0 100%,from(#015b4e),to(#014238));background-image:-webkit-linear-gradient(top,#015b4e,#014238);background-image:-o-linear-gradient(top,#015b4e,#014238);background-image:linear-gradient(to bottom,#015b4e,#014238);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff015b4e',endColorstr='#ff014238',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#015145;background-image:-moz-linear-gradient(top,#015b4e,#014238);background-image:-webkit-gradient(linear,0 0,0 100%,from(#015b4e),to(#014238));background-image:-webkit-linear-gradient(top,#015b4e,#014238);background-image:-o-linear-gradient(top,#015b4e,#014238);background-image:linear-gradient(to bottom,#015b4e,#014238);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff015b4e',endColorstr='#ff014238',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#000;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#ddd;border:1px solid #cbcbcb;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:21px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:15px;line-height:21px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #d9d9d9;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#bfbfbf;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:18.75px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:12.75px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:11.25px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#016a5b;*background-color:#015b4e;background-image:-moz-linear-gradient(top,#017464,#015b4e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#017464),to(#015b4e));background-image:-webkit-linear-gradient(top,#017464,#015b4e);background-image:-o-linear-gradient(top,#017464,#015b4e);background-image:linear-gradient(to bottom,#017464,#015b4e);background-repeat:repeat-x;border-color:#015b4e #015b4e #000f0d;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff017464',endColorstr='#ff015b4e',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#015b4e;*background-color:#014238}.btn-primary:active,.btn-primary.active{background-color:#002923 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f36f30;*background-color:#f26522;background-image:-moz-linear-gradient(top,#f3763a,#f26522);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f3763a),to(#f26522));background-image:-webkit-linear-gradient(top,#f3763a,#f26522);background-image:-o-linear-gradient(top,#f3763a,#f26522);background-image:linear-gradient(to bottom,#f3763a,#f26522);background-repeat:repeat-x;border-color:#f26522 #f26522 #bc440b;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff3763a',endColorstr='#fff26522',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#f26522;*background-color:#ed560e}.btn-warning:active,.btn-warning.active{background-color:#d44d0d \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#d44f3e;*background-color:#d14432;background-image:-moz-linear-gradient(top,#d65747,#d14432);background-image:-webkit-gradient(linear,0 0,0 100%,from(#d65747),to(#d14432));background-image:-webkit-linear-gradient(top,#d65747,#d14432);background-image:-o-linear-gradient(top,#d65747,#d14432);background-image:linear-gradient(to bottom,#d65747,#d14432);background-repeat:repeat-x;border-color:#d14432 #d14432 #952f21;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd65747',endColorstr='#ffd14432',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#d14432;*background-color:#bf3c2b}.btn-danger:active,.btn-danger.active{background-color:#aa3526 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0065b4;*background-color:#005ca4;background-image:-moz-linear-gradient(top,#006bbe,#005ca4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#006bbe),to(#005ca4));background-image:-webkit-linear-gradient(top,#006bbe,#005ca4);background-image:-o-linear-gradient(top,#006bbe,#005ca4);background-image:linear-gradient(to bottom,#006bbe,#005ca4);background-repeat:repeat-x;border-color:#005ca4 #005ca4 #003158;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff006bbe',endColorstr='#ff005ca4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#005ca4;*background-color:#004e8b}.btn-success:active,.btn-success.active{background-color:#004071 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#32a0c0;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#34a7c8,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#34a7c8),to(#2f96b4));background-image:-webkit-linear-gradient(top,#34a7c8,#2f96b4);background-image:-o-linear-gradient(top,#34a7c8,#2f96b4);background-image:linear-gradient(to bottom,#34a7c8,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff34a7c8',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#505050;*background-color:#484848;background-image:-moz-linear-gradient(top,#555,#484848);background-image:-webkit-gradient(linear,0 0,0 100%,from(#555),to(#484848));background-image:-webkit-linear-gradient(top,#555,#484848);background-image:-o-linear-gradient(top,#555,#484848);background-image:linear-gradient(to bottom,#555,#484848);background-repeat:repeat-x;border-color:#484848 #484848 #222;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff555555',endColorstr='#ff484848',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#484848;*background-color:#3c3c3c}.btn-inverse:active,.btn-inverse.active{background-color:#2f2f2f \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#028d79;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#028d79;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10.5px;margin-bottom:10.5px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:15px}.btn-group>.btn-mini{font-size:11.25px}.btn-group>.btn-small{font-size:12.75px}.btn-group>.btn-large{font-size:18.75px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#015b4e}.btn-group.open .btn-warning.dropdown-toggle{background-color:#f26522}.btn-group.open .btn-danger.dropdown-toggle{background-color:#d14432}.btn-group.open .btn-success.dropdown-toggle{background-color:#005ca4}.btn-group.open .btn-info.dropdown-toggle{background-color:#2f96b4}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#484848}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:21px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#f26522;border:1px solid #f13614;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#fff}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:21px}.alert-success{color:#fff;background-color:#24c00b;border-color:#3aa80a}.alert-success h4{color:#fff}.alert-danger,.alert-error{color:#fff;background-color:#d14432;border-color:#c72d35}.alert-danger h4,.alert-error h4{color:#fff}.alert-info{color:#fff;background-color:#185af9;border-color:#066ee7}.alert-info h4{color:#fff}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:21px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:21px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#028d79}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9.5px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:21px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#028d79}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#028d79;border-bottom-color:#028d79}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#028d79;border-bottom-color:#028d79}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:21px;overflow:visible}.navbar-inner{min-height:55px;padding-right:20px;padding-left:20px;background-color:#013435;background-image:-moz-linear-gradient(top,#013435,#013435);background-image:-webkit-gradient(linear,0 0,0 100%,from(#013435),to(#013435));background-image:-webkit-linear-gradient(top,#013435,#013435);background-image:-o-linear-gradient(top,#013435,#013435);background-image:linear-gradient(to bottom,#013435,#013435);background-repeat:repeat-x;border:1px solid #011b1c;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff013435',endColorstr='#ff013435',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:17px 20px 17px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #013435}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:55px;color:#999}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:55px;margin:0 9px;border-right:1px solid #013435;border-left:1px solid #013435}.navbar .btn,.navbar .btn-group{margin-top:12.5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:12.5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:12.5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:17px 15px 17px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #013435}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:#002425}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#002425;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#011b1c;*background-color:#011b1c;background-image:-moz-linear-gradient(top,#011b1c,#011b1c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#011b1c),to(#011b1c));background-image:-webkit-linear-gradient(top,#011b1c,#011b1c);background-image:-o-linear-gradient(top,#011b1c,#011b1c);background-image:linear-gradient(to bottom,#011b1c,#011b1c);background-repeat:repeat-x;border-color:#011b1c #011b1c #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff011b1c',endColorstr='#ff011b1c',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#011b1c;*background-color:#000303}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#000 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:transparent;content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #002425;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:transparent}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #002425;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#002425}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#e5e5e5;background-image:-moz-linear-gradient(top,#eaeaea,#ddd);background-image:-webkit-gradient(linear,0 0,0 100%,from(#eaeaea),to(#ddd));background-image:-webkit-linear-gradient(top,#eaeaea,#ddd);background-image:-o-linear-gradient(top,#eaeaea,#ddd);background-image:linear-gradient(to bottom,#eaeaea,#ddd);background-repeat:repeat-x;border-color:#d0d0d0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffeaeaea',endColorstr='#ffdddddd',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#333;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#333}.navbar-inverse .brand{color:#333}.navbar-inverse .navbar-text{color:#555}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#333;background-color:#cbcbcb}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#333;background-color:#cbcbcb}.navbar-inverse .navbar-link{color:#333}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#333}.navbar-inverse .divider-vertical{border-right-color:#eaeaea;border-left-color:#ddd}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#333;background-color:#cbcbcb}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#333;border-bottom-color:#333}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#333;border-bottom-color:#333}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#333;border-bottom-color:#333}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#fff;border-color:#ddd;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#555}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#555}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#555}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#d8d8d8;*background-color:#d0d0d0;background-image:-moz-linear-gradient(top,#ddd,#d0d0d0);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ddd),to(#d0d0d0));background-image:-webkit-linear-gradient(top,#ddd,#d0d0d0);background-image:-o-linear-gradient(top,#ddd,#d0d0d0);background-image:linear-gradient(to bottom,#ddd,#d0d0d0);background-repeat:repeat-x;border-color:#d0d0d0 #d0d0d0 #aaa;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdddddd',endColorstr='#ffd0d0d0',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#d0d0d0;*background-color:#c3c3c3}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#b7b7b7 \9}.breadcrumb{padding:8px 15px;margin:0 0 21px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:21px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:21px;text-decoration:none;background-color:#e6e6e6;border:1px solid transparent;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#a2cdb5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:18.75px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:12.75px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:11.25px}.pager{margin:21px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#015b4e;border-bottom:1px solid #014238;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:21px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:21px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#028d79;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:12.69px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#fff}.label-important[href],.badge-important[href]{background-color:#e6e6e6}.label-warning,.badge-warning{background-color:#f26522}.label-warning[href],.badge-warning[href]{background-color:#d44d0d}.label-success,.badge-success{background-color:#fff}.label-success[href],.badge-success[href]{background-color:#e6e6e6}.label-info,.badge-info{background-color:#fff}.label-info[href],.badge-info[href]{background-color:#e6e6e6}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:21px;margin-bottom:21px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#f5834d;background-image:-moz-linear-gradient(top,#f6976a,#f26522);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f6976a),to(#f26522));background-image:-webkit-linear-gradient(top,#f6976a,#f26522);background-image:-o-linear-gradient(top,#f6976a,#f26522);background-image:linear-gradient(to bottom,#f6976a,#f26522);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff6976a',endColorstr='#fff26522',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#f6976a;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:21px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:21px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:21px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:31.5px;color:inherit;background-color:#ddd;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:#333}.hero-unit li{line-height:31.5px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-family:Georgia,"Times New Roman",Times,serif;color:#333}.muted{color:#999}.jumbotron h1{font-weight:normal!important}.page-header{padding-bottom:5px;border-bottom:0}.page-header h1{margin-bottom:0}hr{border-bottom:0}blockquote{border-left:2px solid #333}blockquote.pull-right{border-right:2px solid #333}blockquote small{color:#013435}.navbar .navbar-inner{background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand{padding:18px 20px 16px;font-family:'Crete Round',serif;font-size:26px;font-weight:normal}.navbar .brand:hover{background-color:#002425}.navbar .nav>li>a{padding:20px 20px 14px;font-family:'Crete Round',serif;font-size:20px;font-weight:normal;text-shadow:none}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-text{margin:19px 20px 0;font-family:'Crete Round',serif;font-size:20px;font-weight:normal;line-height:inherit}.navbar .divider-vertical{border-color:rgba(0,0,0,0.2)}.navbar .btn-navbar{margin-top:14px}.navbar .navbar-form,.navbar .navbar-search{margin-top:12px;line-height:normal;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-search .search-query{line-height:normal;color:#fff;background-color:rgba(255,255,255,0.4);border-color:transparent}.navbar .dropdown-menu li>a{font-family:'Crete Round',serif;font-weight:normal}.navbar .nav>li>.dropdown-menu::before,.navbar .nav>li>.dropdown-menu::after{border-bottom:0}.navbar-inverse .navbar-search .search-query{color:#555}.navbar-inverse .dropdown-menu{background-color:#cbcbcb}.navbar-inverse .dropdown-menu li>a{color:#333}.navbar-inverse .dropdown-menu li>a:hover{background-color:#ddd}.navbar-inverse .dropdown-menu .divider{border-bottom:1px solid rgba(0,0,0,0.2)}.navbar-inverse .dropdown-menu .nav-header{color:#555}@media(max-width:979px){.navbar .nav-collapse .nav li>a{color:#fff}.navbar .nav-collapse .nav li>a:hover{background-color:#002425}.navbar-inverse .nav-collapse .nav li>a:hover{background-color:rgba(0,0,0,0.06)!important}.nav-collapse .navbar-form,.nav-collapse .navbar-search{border:none!important;-webkit-box-shadow:none!important;-moz-box-shadow:none!important;box-shadow:none!important}}div.subnav{background:#015b4e none;border-color:transparent}div.subnav .nav>li>a{padding:12px 12px 10px;font-family:'Crete Round',serif;font-weight:normal;color:#fff;background-color:transparent;border-color:transparent}div.subnav .nav>li>a:hover,div.subnav .nav>.active>a,div.subnav .nav>.active>a:hover,div.subnav .dropdown.open .dropdown-toggle,div.subnav .dropdown.open.active .dropdown-toggle:hover{color:#fff;background-color:#002425;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav.subnav-fixed{top:55px}.nav .nav-header{color:#333}.nav .disabled>a,.nav .disabled>a:hover{color:#fff;background-color:#028d79}.nav-tabs{border-color:transparent}.nav-tabs>li>a{color:#fff;background-color:#015b4e}.nav-tabs>li>a:hover{background-color:#013435;border-color:transparent}.nav-tabs .active>a,.nav-tabs .active>a:hover{color:#fff;background-color:#013435;border-color:transparent}.nav-tabs.nav-stacked>li>a{border-color:transparent}.nav-tabs.nav-stacked>li>a:hover{border-color:transparent}.nav-tabs .open .dropdown-toggle,.nav-tabs .active.open .dropdown-toggle{background-color:#013435}.nav-pills>li>a{color:#fff;background-color:#015b4e}.nav-pills>li>a:hover{background-color:#013435;border-color:transparent}.nav-pills .active>a,.nav-pills .active>a:hover{color:#fff;background-color:#013435;border-color:transparent}.nav-pills .open .dropdown-toggle,.nav-pills .active.open .dropdown-toggle{background-color:#013435}.tabbable .nav-tabs,.tabbable .nav-tabs>li>a,.tabbable .nav-tabs>li>a:hover,.tabbable .nav-tabs>li.active>a,.tabbable .nav-tabs>li.active>a:hover{border-color:transparent}.nav-list .nav-header,.nav-list li>a{text-shadow:none}.nav-list li>a:hover{color:#fff;background-color:#015b4e}.nav-list li.active>a,.nav-list li.active>a:hover{text-shadow:none;background-color:#013435}.nav-list .divider{background-color:transparent;border-bottom:1px solid #999}.breadcrumb{background-color:#015b4e;background-image:none;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.breadcrumb li{color:#fff;text-shadow:none}.breadcrumb li a{color:#fff;text-decoration:underline}.breadcrumb li a:hover{color:#fff}.breadcrumb li .divider{color:#fff}.breadcrumb .active{color:#fff}.pagination ul{background-color:#015b4e;background-image:none;border-color:transparent;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.pagination ul>li>a,.pagination ul>li>span{color:#fff;background-color:#015b4e;border-color:transparent}.pagination ul>li>a:hover,.pagination ul>li>span:hover{color:#fff;background-color:#013435}.pagination ul>.active>a,.pagination ul>.active>span{color:#fff;background-color:#013435}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{color:#fff;background-color:#028d79}.pager li>a,.pager li>span{color:#fff;background-color:#015b4e;border:0}.pager li>a:hover,.pager li>span:hover{background-color:#013435}.pager .disabled a,.pager .disabled a:hover{color:#fff;background-color:#028d79}.btn{font-family:'Crete Round',serif;font-weight:normal;text-shadow:none}.btn-large{font-size:18px}.btn-group .dropdown-toggle{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.table th,.table-striped tbody tr:nth-child(odd) th{color:#fff;background-color:#015b4e}.table tbody tr.success td{background-color:#b5eeaa}.table tbody tr.error td{background-color:#eeb8b8}.table tbody tr.info td{background-color:#aee2ee}legend{font-family:'Crete Round',serif;font-weight:normal;color:#333;border-bottom:0}label,.help-block,input[type="file"]{color:#333}input,textarea,select{color:#555}.uneditable-input{color:#555}.form-actions{border-top:0}.control-group.warning .control-label,.control-group.error .control-label,.control-group.success .control-label{color:#555}.control-group.error .help-block,.control-group.error .help-inline{color:#d14432}.control-group.error input,.control-group.error select,.control-group.error textarea{color:#555;border:1px solid #d14432}.control-group.success .help-block,.control-group.success .help-inline{color:#015b4e}.control-group.success input,.control-group.success select,.control-group.success textarea{color:#555;border:1px solid #015b4e}.control-group.warning .help-block,.control-group.warning .help-inline{color:#f26522}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#555;border:1px solid #f26522}.alert{text-shadow:none;border:0}.alert h1,.alert h2,.alert h3,.alert h4,.alert h5,.alert h6{font-weight:bold;color:#fff}.alert-heading{font-family:Georgia,"Times New Roman",Times,serif;color:inherit}.badge,.label{text-shadow:none;background-color:#015b4e}.badge-success,.label-success{background-color:#006bbe}.badge-warning,.label-warning{background-color:#f3763a}.badge-important,.label-important{background-color:#d65747}.badge-info,.label-info{background-color:#34a7c8}.badge-inverse,.label-inverse{background-color:#555}.well{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.hero-unit{border:0}.thumbnail{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.dropdown-menu .nav-header{color:#fff;text-shadow:none}.dropdown-menu li>a:hover,.dropdown-menu li>a:focus,.dropdown-submenu:hover>a{background-image:none}.progress{background-color:#d5d5d5;background-image:none}[class^="icon-"],[class*=" icon-"]{vertical-align:baseline}.modal-header{padding:12px 15px 6px;color:#fff;background-color:#015b4e}.modal-header h1,.modal-header h2,.modal-header h3,.modal-header h4,.modal-header h5,.modal-header h6{color:#fff}.modal-body,.modal-footer{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.modal-body label,.modal-footer label{color:#555}.modal-footer{background-color:#ddd}.popover-title{color:#fff}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-superhero.css b/docs/build/html/_static/css/bootstrap2/bootswatch-superhero.css new file mode 100644 index 0000000..d6e10c5 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-superhero.css @@ -0,0 +1,9 @@ +@import url('//fonts.googleapis.com/css?family=Oswald|Noticia+Text');/*! + * Bootstrap v2.3.2 + * + * Copyright 2013 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:Georgia,Utopia,Palatino,'Palatino Linotype',serif;font-size:15px;line-height:20px;color:#ece9d7;background-color:#2a333c}a{color:#e36b23;text-decoration:none}a:hover,a:focus{color:#e36b23;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:22.5px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#c09853}a.text-warning:hover,a.text-warning:focus{color:#a47e3c}.text-error{color:#b94a48}a.text-error:hover,a.text-error:focus{color:#953b39}.text-info{color:#3a87ad}a.text-info:hover,a.text-info:focus{color:#2d6987}.text-success{color:#468847}a.text-success:hover,a.text-success:focus{color:#356635}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:'Oswald',sans-serif;font-weight:bold;line-height:20px;color:#e36b23;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:41.25px}h2{font-size:33.75px}h3{font-size:26.25px}h4{font-size:18.75px}h5{font-size:15px}h6{font-size:12.75px}h1 small{font-size:26.25px}h2 small{font-size:18.75px}h3 small{font-size:15px}h4 small{font-size:15px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid transparent;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:18.75px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:13px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:14px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:22.5px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:15px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:Georgia,Utopia,Palatino,'Palatino Linotype',serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:15px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#eee}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#c09853}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#c09853}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#c09853;background-color:#fcf8e3;border-color:#c09853}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#b94a48}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#b94a48}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#b94a48;background-color:#f2dede;border-color:#b94a48}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#468847}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#468847}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#468847;background-color:#dff0d8;border-color:#468847}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#3a87ad}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#3a87ad}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#3a87ad;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#2d6987;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7ab5d3}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#3a87ad;background-color:#d9edf7;border-color:#3a87ad}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:transparent;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#fff}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:15px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:15px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#abe081;border-color:#5da028}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:#3f4956;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid transparent}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid transparent}.table .table{background-color:#2a333c}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid transparent;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid transparent}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#45515f}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#505e6e}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#dff0d8}.table tbody tr.error>td{background-color:#f2dede}.table tbody tr.warning>td{background-color:#fcf8e3}.table tbody tr.info>td{background-color:#d9edf7}.table-hover tbody tr.success:hover>td{background-color:#d0e9c6}.table-hover tbody tr.error:hover>td{background-color:#ebcccc}.table-hover tbody tr.warning:hover>td{background-color:#faf2cc}.table-hover tbody tr.info:hover>td{background-color:#c4e3f3}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#5a6a7d;border:1px solid #ccc;border:1px solid transparent;*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:transparent;border-bottom:1px solid #45515f}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#ece9d7;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#dc6620;background-image:-moz-linear-gradient(top,#e36b23,#d25f1b);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e36b23),to(#d25f1b));background-image:-webkit-linear-gradient(top,#e36b23,#d25f1b);background-image:-o-linear-gradient(top,#e36b23,#d25f1b);background-image:linear-gradient(to bottom,#e36b23,#d25f1b);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe36b23',endColorstr='#ffd25f1b',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#dc6620;background-image:-moz-linear-gradient(top,#e36b23,#d25f1b);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e36b23),to(#d25f1b));background-image:-webkit-linear-gradient(top,#e36b23,#d25f1b);background-image:-o-linear-gradient(top,#e36b23,#d25f1b);background-image:linear-gradient(to bottom,#e36b23,#d25f1b);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe36b23',endColorstr='#ffd25f1b',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#303841;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#45515f;border:1px solid #363f4a;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:15px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:18.75px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:12.75px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:11.25px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e37e23;*background-color:#e39b23;background-image:-moz-linear-gradient(top,#e36b23,#e39b23);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e36b23),to(#e39b23));background-image:-webkit-linear-gradient(top,#e36b23,#e39b23);background-image:-o-linear-gradient(top,#e36b23,#e39b23);background-image:linear-gradient(to bottom,#e36b23,#e39b23);background-repeat:repeat-x;border-color:#e39b23 #e39b23 #a56f15;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe36b23',endColorstr='#ffe39b23',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#e39b23;*background-color:#d28d1b}.btn-primary:active,.btn-primary.active{background-color:#bb7e18 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e8864c;*background-color:#e36b23;background-image:-moz-linear-gradient(top,#ec9967,#e36b23);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ec9967),to(#e36b23));background-image:-webkit-linear-gradient(top,#ec9967,#e36b23);background-image:-o-linear-gradient(top,#ec9967,#e36b23);background-image:linear-gradient(to bottom,#ec9967,#e36b23);background-repeat:repeat-x;border-color:#e36b23 #e36b23 #a54b15;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffec9967',endColorstr='#ffe36b23',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#e36b23;*background-color:#d25f1b}.btn-warning:active,.btn-warning.active{background-color:#bb5518 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#da4f49;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#ee5f5b,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#bd362f));background-image:-webkit-linear-gradient(top,#ee5f5b,#bd362f);background-image:-o-linear-gradient(top,#ee5f5b,#bd362f);background-image:linear-gradient(to bottom,#ee5f5b,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#5bb75b;*background-color:#51a351;background-image:-moz-linear-gradient(top,#62c462,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#51a351));background-image:-webkit-linear-gradient(top,#62c462,#51a351);background-image:-o-linear-gradient(top,#62c462,#51a351);background-image:linear-gradient(to bottom,#62c462,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#49afcd;*background-color:#2f96b4;background-image:-moz-linear-gradient(top,#5bc0de,#2f96b4);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#2f96b4));background-image:-webkit-linear-gradient(top,#5bc0de,#2f96b4);background-image:-o-linear-gradient(top,#5bc0de,#2f96b4);background-image:linear-gradient(to bottom,#5bc0de,#2f96b4);background-repeat:repeat-x;border-color:#2f96b4 #2f96b4 #1f6377;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff2f96b4',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#2f96b4;*background-color:#2a85a0}.btn-info:active,.btn-info.active{background-color:#24748c \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#414141;*background-color:#222;background-image:-moz-linear-gradient(top,#555,#222);background-image:-webkit-gradient(linear,0 0,0 100%,from(#555),to(#222));background-image:-webkit-linear-gradient(top,#555,#222);background-image:-o-linear-gradient(top,#555,#222);background-image:linear-gradient(to bottom,#555,#222);background-repeat:repeat-x;border-color:#222 #222 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff555555',endColorstr='#ff222222',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#222;*background-color:#151515}.btn-inverse:active,.btn-inverse.active{background-color:#080808 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#e36b23;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#e36b23;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:15px}.btn-group>.btn-mini{font-size:11.25px}.btn-group>.btn-small{font-size:12.75px}.btn-group>.btn-large{font-size:18.75px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#e39b23}.btn-group.open .btn-warning.dropdown-toggle{background-color:#e36b23}.btn-group.open .btn-danger.dropdown-toggle{background-color:#bd362f}.btn-group.open .btn-success.dropdown-toggle{background-color:#51a351}.btn-group.open .btn-info.dropdown-toggle{background-color:#2f96b4}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#222}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcf8e3;border:1px solid #fbeed5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#c09853}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.alert-success h4{color:#468847}.alert-danger,.alert-error{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.alert-danger h4,.alert-error h4{color:#b94a48}.alert-info{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.alert-info h4{color:#3a87ad}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#e36b23}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#2a333c;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#e36b23}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#e36b23;border-bottom-color:#e36b23}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:70px;padding-right:20px;padding-left:20px;background-color:#2a333c;background-image:-moz-linear-gradient(top,#2a333c,#2a333c);background-image:-webkit-gradient(linear,0 0,0 100%,from(#2a333c),to(#2a333c));background-image:-webkit-linear-gradient(top,#2a333c,#2a333c);background-image:-o-linear-gradient(top,#2a333c,#2a333c);background-image:linear-gradient(to bottom,#2a333c,#2a333c);background-repeat:repeat-x;border:1px solid #20262d;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2a333c',endColorstr='#ff2a333c',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:25px 20px 25px;margin-left:-20px;font-size:20px;font-weight:200;color:#e36b23;text-shadow:0 1px 0 #2a333c}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:70px;color:#999}.navbar-link{color:#e36b23}.navbar-link:hover,.navbar-link:focus{color:#e36b23}.navbar .divider-vertical{height:70px;margin:0 9px;border-right:1px solid #2a333c;border-left:1px solid #2a333c}.navbar .btn,.navbar .btn-group{margin-top:20px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:20px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:20px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:25px 15px 25px;color:#e36b23;text-decoration:none;text-shadow:0 1px 0 #2a333c}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#e36b23;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#e36b23;text-decoration:none;background-color:#2a333c;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#20262d;*background-color:#20262d;background-image:-moz-linear-gradient(top,#20262d,#20262d);background-image:-webkit-gradient(linear,0 0,0 100%,from(#20262d),to(#20262d));background-image:-webkit-linear-gradient(top,#20262d,#20262d);background-image:-o-linear-gradient(top,#20262d,#20262d);background-image:linear-gradient(to bottom,#20262d,#20262d);background-repeat:repeat-x;border-color:#20262d #20262d #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff20262d',endColorstr='#ff20262d',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#20262d;*background-color:#151a1e}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#0b0d0f \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:transparent;content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #5a6a7d;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:transparent}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #5a6a7d;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#e36b23;background-color:#2a333c}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#45515f;background-image:-moz-linear-gradient(top,#45515f,#45515f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#45515f),to(#45515f));background-image:-webkit-linear-gradient(top,#45515f,#45515f);background-image:-o-linear-gradient(top,#45515f,#45515f);background-image:linear-gradient(to bottom,#45515f,#45515f);background-repeat:repeat-x;border-color:#20262d;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff45515f',endColorstr='#ff45515f',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#e36b23;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#e36b23}.navbar-inverse .brand{color:#e36b23}.navbar-inverse .navbar-text{color:#999}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#e36b23;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#e36b23;background-color:#45515f}.navbar-inverse .navbar-link{color:#e36b23}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#e36b23}.navbar-inverse .divider-vertical{border-right-color:#45515f;border-left-color:#45515f}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#e36b23;background-color:#45515f}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#e36b23;border-bottom-color:#e36b23}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#fff;border-color:#45515f;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#999}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#3a4450;*background-color:#3a4450;background-image:-moz-linear-gradient(top,#3a4450,#3a4450);background-image:-webkit-gradient(linear,0 0,0 100%,from(#3a4450),to(#3a4450));background-image:-webkit-linear-gradient(top,#3a4450,#3a4450);background-image:-o-linear-gradient(top,#3a4450,#3a4450);background-image:linear-gradient(to bottom,#3a4450,#3a4450);background-repeat:repeat-x;border-color:#3a4450 #3a4450 #1a1f24;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3a4450',endColorstr='#ff3a4450',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#3a4450;*background-color:#303841}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#252b33 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#45515f;border:1px solid transparent;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#e36b23}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:18.75px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:12.75px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:11.25px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#45515f;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#3f4956;border-bottom:1px solid #343d47;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#45515f;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#45515f;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#45515f;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#45515f;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#e36b23;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:12.69px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#b94a48}.label-important[href],.badge-important[href]{background-color:#953b39}.label-warning,.badge-warning{background-color:#e36b23}.label-warning[href],.badge-warning[href]{background-color:#bb5518}.label-success,.badge-success{background-color:#468847}.label-success[href],.badge-success[href]{background-color:#356635}.label-info,.badge-info{background-color:#3a87ad}.label-info[href],.badge-info[href]{background-color:#2d6987}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#e8864c;background-image:-moz-linear-gradient(top,#ec9967,#e36b23);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ec9967),to(#e36b23));background-image:-webkit-linear-gradient(top,#ec9967,#e36b23);background-image:-o-linear-gradient(top,#ec9967,#e36b23);background-image:linear-gradient(to bottom,#ec9967,#e36b23);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffec9967',endColorstr='#ffe36b23',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ec9967;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#45515f;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,h6{font-family:'Oswald',sans-serif;color:#e36b23;text-shadow:-1px 1px 0 #612c0c}h1,h2{text-shadow:-2px 2px 0 #612c0c}h1{line-height:55px}code,pre{color:#ece9d7;background-color:#566577;border:0}.page-header{border-bottom:0}blockquote{border-left:5px solid #45515f}blockquote.pull-right{border-right:5px solid #45515f}.navbar .navbar-inner{background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .brand{padding:25px 20px 15px;font-family:'Oswald',sans-serif;font-size:30px;text-shadow:-2px 2px 0 #612c0c}.navbar .nav>li>a{padding:23px 20px 13px;font-family:'Oswald',sans-serif;font-size:22px;line-height:30px;text-shadow:-2px 2px 0 #612c0c}.navbar .brand:hover,.navbar .nav>li>a:hover,.navbar .nav>li.active>a:hover,.navbar .nav>li.dropdown.open>a,.navbar .nav>li.dropdown.open>a:hover{position:relative;top:1px;left:-1px;color:#e36b23;text-shadow:-1px 1px 0 #612c0c}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .navbar-text{padding:23px 20px 13px;font-family:'Oswald',sans-serif;font-size:22px;line-height:30px;text-shadow:-2px 2px 0 #555}.navbar .navbar-search{margin-top:24px}.navbar .navbar-search .search-query{font-family:Georgia,Utopia,Palatino,'Palatino Linotype',serif;font-size:15px;line-height:20px;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar.navbar-inverse .navbar-search .search-query{color:#2a333c}.navbar .divider-vertical{height:70px}.navbar .nav .dropdown-toggle .caret,.navbar .nav .open.dropdown .caret{margin-top:14px;border-top-color:#ece9d7}.navbar .dropdown-menu::before{border:0}.navbar .dropdown-menu::after{left:20px;border-right:7px solid transparent;border-bottom:7px solid #5a6a7d;border-left:7px solid transparent}.navbar [class^="icon-"],.navbar [class*=" icon-"]{vertical-align:20%}.navbar .btn-navbar{background-color:#45515f;border-color:transparent}@media(max-width:979px){.navbar .nav-collapse{-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.navbar .nav-collapse .nav li>a{color:#e36b23}.navbar .nav-collapse .nav li>a:hover{background-color:#5a6a7d!important;background-image:none}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border-top:0;border-bottom:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .nav-header{color:#ece9d7}}div.subnav{margin:0 1px;background:#45515f none;border:0}div.subnav .nav>li>a,div.subnav .nav>li.active>a{color:#ece9d7;border-color:transparent}div.subnav .nav>li>a:hover,div.subnav .nav>li.active>a:hover{background-color:#5a6a7d;border-color:transparent}div.subnav .nav>li.active>a,div.subnav .nav>li.active>a:hover{color:#fff;background:#e36b23 none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav.subnav-fixed{top:71px;margin:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}div.subnav.subnav-fixed .nav>li>a,div.subnav.subnav-fixed .nav>li>a:hover,div.subnav.subnav-fixed .nav>li.active>a,div.subnav.subnav-fixed .nav>li.active>a:hover{border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}div.subnav.subnav-fixed .nav>li>a:hover,div.subnav.subnav-fixed .nav>li.active>a:hover{color:#fff}div.subnav .nav>.active>a .caret,div.subnav .nav>.active>a:hover .caret{border-top-color:#ece9d7}.nav .nav-header{color:#ece9d7;text-shadow:none}.nav-list{padding:0 15px}.nav-list>li>a,.nav-list>.nav-header{color:#ece9d7;text-shadow:none}.nav-list .active>a,.nav-list .active>a:hover{color:#fff;text-shadow:none}.nav-list li>a:hover{background-color:#5a6a7d}.nav-tabs,.nav-tabs.nav-stacked>li>a{border-color:transparent}.nav-tabs>li>a{color:#ece9d7;background-color:#45515f}.nav-tabs li.active>a,.nav-tabs li.active>a:hover,.nav-tabs.nav-stacked>li.active>a:hover{color:#fff;background-color:#e36b23;border-color:transparent}.nav-tabs li>a:hover,.nav-tabs.nav-stacked>li>a:hover{background-color:#5a6a7d;border-color:transparent}.nav-tabs li.disabled>a:hover{background-color:#45515f}.nav-pills>li>a{color:#ece9d7;background-color:#45515f}.nav-pills>li>a:hover{background-color:#5a6a7d;border-color:transparent}.nav-pills>.disabled>a:hover{background-color:#45515f}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>.open.active>a:hover{background-color:#5a6a7d;border-color:transparent}.nav-pills .dropdown .caret,.nav-pills .dropdown:hover .caret{border-top-color:#ece9d7}.dropdown.open .dropdown-menu>li>a:hover,.dropdown.open .dropdown-menu>li.active>a:hover{color:#fff;background-color:#e36b23}.tabbable .nav-tabs,.tabbable .nav-tabs>li.active>a,.tabbable .nav-tabs>li>a:hover,.tabbable .nav-tabs>li.active>a:hover{border-color:transparent}.breadcrumb{background-color:#45515f;background-image:none;border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.breadcrumb li{text-shadow:none}.breadcrumb .divider{color:#ece9d7}.pagination ul{background-image:none;border-color:transparent}.pagination ul>li>a,.pagination ul>li>span{color:#ece9d7;border:0}.pagination ul>li>a:hover{background:#5a6a7d}.pagination ul>.active>a,.pagination ul>.active>a:hover,.pagination ul>.active>span,.pagination ul>.active>span:hover{color:#fff;background-color:#e36b23}.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>span,.pagination ul>.disabled>span:hover{background:#3a4450}.pager li>a,.pager li>span{color:#ece9d7;background-color:#45515f;border:0}.pager li>a:hover,.pager li>span:hover{background:#5a6a7d}.pager .disabled a,.pager .disabled a:hover{background-color:#45515f}.btn,.btn:hover{text-shadow:none;background-image:none;border:0;-webkit-box-shadow:-2px 2px 0 rgba(0,0,0,0.2);-moz-box-shadow:-2px 2px 0 rgba(0,0,0,0.2);box-shadow:-2px 2px 0 rgba(0,0,0,0.2)}.btn-warning{background-color:#e6c92e}.btn-primary,.btn-primary:hover{-webkit-box-shadow:-2px 2px 0 #612c0c;-moz-box-shadow:-2px 2px 0 #612c0c;box-shadow:-2px 2px 0 #612c0c}.btn-warning,.btn-warning:hover{-webkit-box-shadow:-2px 2px 0 #6e5f0d;-moz-box-shadow:-2px 2px 0 #6e5f0d;box-shadow:-2px 2px 0 #6e5f0d}.btn-danger,.btn-danger:hover{-webkit-box-shadow:-2px 2px 0 #9f1411;-moz-box-shadow:-2px 2px 0 #9f1411;box-shadow:-2px 2px 0 #9f1411}.btn-success,.btn-success:hover{-webkit-box-shadow:-2px 2px 0 #276627;-moz-box-shadow:-2px 2px 0 #276627;box-shadow:-2px 2px 0 #276627}.btn-info,.btn-info:hover{-webkit-box-shadow:-2px 2px 0 #124a5b;-moz-box-shadow:-2px 2px 0 #124a5b;box-shadow:-2px 2px 0 #124a5b}.btn-inverse,.btn-inverse:hover{-webkit-box-shadow:-2px 2px 0 #121212;-moz-box-shadow:-2px 2px 0 #121212;box-shadow:-2px 2px 0 #121212}.btn.dropdown-toggle,.btn.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #333;-moz-box-shadow:0 2px 0 #333;box-shadow:0 2px 0 #333}.btn-primary.dropdown-toggle,.btn-primary.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #612c0c;-moz-box-shadow:0 2px 0 #612c0c;box-shadow:0 2px 0 #612c0c}.btn-warning.dropdown-toggle,.btn-warning.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #6e5f0d;-moz-box-shadow:0 2px 0 #6e5f0d;box-shadow:0 2px 0 #6e5f0d}.btn-danger.dropdown-toggle,.btn-danger.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #9f1411;-moz-box-shadow:0 2px 0 #9f1411;box-shadow:0 2px 0 #9f1411}.btn-success.dropdown-toggle,.btn-success.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #276627;-moz-box-shadow:0 2px 0 #276627;box-shadow:0 2px 0 #276627}.btn-info.dropdown-toggle,.btn-info.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #124a5b;-moz-box-shadow:0 2px 0 #124a5b;box-shadow:0 2px 0 #124a5b}.btn-inverse.dropdown-toggle,.btn-inverse.dropdown-toggle:hover{-webkit-box-shadow:0 2px 0 #121212;-moz-box-shadow:0 2px 0 #121212;box-shadow:0 2px 0 #121212}.btn.active,.btn:active{position:relative;top:1px;left:-1px;-webkit-box-shadow:-1px 1px 0 #333;-moz-box-shadow:-1px 1px 0 #333;box-shadow:-1px 1px 0 #333}.btn.disabled,.btn.disabled.active,.btn.disabled:active,.btn[disabled]{top:0;left:0;text-shadow:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}[class^="icon-"],[class*=" icon-"]{vertical-align:-13%}.table,.table-striped tbody>tr>td:first-child,.table-striped tbody>tr>td:last-child{-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,button,select,textarea{font-family:'Noticia Text',serif}legend{font-family:'Oswald',sans-serif;color:#e36b23;text-shadow:-2px 2px 0 #612c0c;border-bottom:0}label{line-height:15px;color:#ece9d7}.help-block{color:#ece9d7;opacity:.6}.form-actions{border-top:0}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#ceae78}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#ceae78}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#ceae78;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e9dbc3;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e9dbc3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e9dbc3}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#ceae78;background-color:#fcf8e3;border-color:#ceae78}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#c76e6d}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#c76e6d}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#c76e6d;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e3b7b7;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e3b7b7;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #e3b7b7}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#c76e6d;background-color:#f2dede;border-color:#c76e6d}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#58a959}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#58a959}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#58a959;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #9bcc9c;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #9bcc9c;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #9bcc9c}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#58a959;background-color:#dff0d8;border-color:#58a959}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn{color:#2a333c}.dropdown .caret{margin-top:14px;border-top:6px solid #5a6a7d;border-right:6px solid transparent;border-left:6px solid transparent;opacity:1}.label,.badge{color:#ece9d7;background-color:#45515f}.label-important,.badge-important{background-color:#b94a48}.label-warning,.badge-warning{background-color:#e36b23}.label-success,.badge-success{background-color:#468847}.label-info,.badge-info{background-color:#3a87ad}.label-inverse,.badge-inverse{background-color:#555}.alert{color:#ece9d7;text-shadow:none;background-color:#45515f;border:0}.alert .alert-heading{color:#e36b23}.alert-success{background-color:#468847}.alert-danger,.alert-error{background-color:#b94a48}.alert-info{background-color:#3a87ad}.well,.hero-unit{border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.hero-unit h1{line-height:2em;color:#e36b23}.progress{background-color:#20262d;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.progress .bar{-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.thumbnail{background:#45515f;border:0;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.modal{background-color:transparent}.modal-header,.modal-body,.modal-footer{background-color:#2a333c;border:0;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.modal-header{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.modal-footer{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}@media(max-width:768px){div.subnav .nav>li:first-child>a,div.subnav .nav>li:first-child>a:hover,div.subnav .nav>li.active:first-child>a,div.subnav .nav>li.active:first-child>a:hover{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}div.subnav .nav>li:last-child>a,div.subnav .nav>li:last-child>a:hover,div.subnav .nav>li.active:last-child>a,div.subnav .nav>li.active:last-child>a:hover{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/bootswatch-united.css b/docs/build/html/_static/css/bootstrap2/bootswatch-united.css new file mode 100644 index 0000000..29cb6b6 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/bootswatch-united.css @@ -0,0 +1,9 @@ +@import url(//fonts.googleapis.com/css?family=Ubuntu);/*! + * Bootstrap v2.3.2 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:'Ubuntu',Tahoma,sans-serif;font-size:14px;line-height:20px;color:#333;background-color:#fff}a{color:#dd4814;text-decoration:none}a:hover,a:focus{color:#97310e;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:21px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#eca918}a.text-warning:hover,a.text-warning:focus{color:#c18910}.text-error{color:#df382c}a.text-error:hover,a.text-error:focus{color:#bc271c}.text-info{color:#772953}a.text-info:hover,a.text-info:focus{color:#511c39}.text-success{color:#38b44a}a.text-success:hover,a.text-success:focus{color:#2c8d3a}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:bold;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:38.5px}h2{font-size:31.5px}h3{font-size:24.5px}h4{font-size:17.5px}h5{font-size:14px}h6{font-size:11.9px}h1 small{font-size:24.5px}h2 small{font-size:17.5px}h3 small{font-size:14px}h4 small{font-size:14px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #f5f5f5}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #f5f5f5;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #f5f5f5}blockquote p{margin-bottom:0;font-size:17.5px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #f5f5f5;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:Menlo,Monaco,Consolas,"Courier New",monospace;font-size:12px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:14px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:'Ubuntu',Tahoma,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:14px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#fff;border:1px solid #ccc;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#fff;border:1px solid #ccc}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#fcfcfc;border-color:#ccc;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#f5f5f5}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#eca918}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#eca918}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#eca918;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#c18910;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f4cc76;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f4cc76;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f4cc76}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#eca918;background-color:#fcefd4;border-color:#eca918}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#df382c}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#df382c}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#df382c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#bc271c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ec8c85;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ec8c85;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ec8c85}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#df382c;background-color:#fadfdd;border-color:#df382c}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#38b44a}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#38b44a}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#38b44a;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#2c8d3a;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7cd689;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7cd689;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7cd689}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#38b44a;background-color:#caeecf;border-color:#38b44a}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#772953}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#772953}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#772953;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#511c39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #bf4788;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #bf4788;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #bf4788}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#772953;background-color:#e7b8d1;border-color:#772953}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:transparent;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#595959}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:14px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:14px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#f5f5f5;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#a3e2ac;border-color:#38b44a}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #ddd}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #ddd;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.table-bordered th,.table-bordered td{border-left:1px solid #ddd}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomleft:4px}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-bottomright:4px}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topleft:4px}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-moz-border-radius-topright:4px}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#f9f9f9}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#f5f5f5}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#caeecf}.table tbody tr.error>td{background-color:#fadfdd}.table tbody tr.warning>td{background-color:#fcefd4}.table tbody tr.info>td{background-color:#e7b8d1}.table-hover tbody tr.success:hover>td{background-color:#b6e8bd}.table-hover tbody tr.error:hover>td{background-color:#f7cac7}.table-hover tbody tr.warning:hover>td{background-color:#fae6bd}.table-hover tbody tr.info:hover>td{background-color:#e0a5c5}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#dd4814;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#d44513;background-image:-moz-linear-gradient(top,#dd4814,#c64012);background-image:-webkit-gradient(linear,0 0,0 100%,from(#dd4814),to(#c64012));background-image:-webkit-linear-gradient(top,#dd4814,#c64012);background-image:-o-linear-gradient(top,#dd4814,#c64012);background-image:linear-gradient(to bottom,#dd4814,#c64012);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdd4814',endColorstr='#ffc64012',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#fff;text-decoration:none;background-color:#d44513;background-image:-moz-linear-gradient(top,#dd4814,#c64012);background-image:-webkit-gradient(linear,0 0,0 100%,from(#dd4814),to(#c64012));background-image:-webkit-linear-gradient(top,#dd4814,#c64012);background-image:-o-linear-gradient(top,#dd4814,#c64012);background-image:linear-gradient(to bottom,#dd4814,#c64012);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdd4814',endColorstr='#ffc64012',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.well-small{padding:9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:14px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#f5f5f5;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#fff,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fff),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#fff,#e6e6e6);background-image:-o-linear-gradient(top,#fff,#e6e6e6);background-image:linear-gradient(to bottom,#fff,#e6e6e6);background-repeat:repeat-x;border:1px solid #ccc;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#b3b3b3;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:17.5px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:11.9px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:0 6px;font-size:10.5px;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#dd5c14;*background-color:#dd7a14;background-image:-moz-linear-gradient(top,#dd4814,#dd7a14);background-image:-webkit-gradient(linear,0 0,0 100%,from(#dd4814),to(#dd7a14));background-image:-webkit-linear-gradient(top,#dd4814,#dd7a14);background-image:-o-linear-gradient(top,#dd4814,#dd7a14);background-image:linear-gradient(to bottom,#dd4814,#dd7a14);background-repeat:repeat-x;border-color:#dd7a14 #dd7a14 #97530e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdd4814',endColorstr='#ffdd7a14',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#dd7a14;*background-color:#c66d12}.btn-primary:active,.btn-primary.active{background-color:#ae6010 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e86537;*background-color:#dd4814;background-image:-moz-linear-gradient(top,#ef784e,#dd4814);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef784e),to(#dd4814));background-image:-webkit-linear-gradient(top,#ef784e,#dd4814);background-image:-o-linear-gradient(top,#ef784e,#dd4814);background-image:linear-gradient(to bottom,#ef784e,#dd4814);background-repeat:repeat-x;border-color:#dd4814 #dd4814 #97310e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef784e',endColorstr='#ffdd4814',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#dd4814;*background-color:#c64012}.btn-warning:active,.btn-warning.active{background-color:#ae3910 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#da4f49;*background-color:#bd362f;background-image:-moz-linear-gradient(top,#ee5f5b,#bd362f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#bd362f));background-image:-webkit-linear-gradient(top,#ee5f5b,#bd362f);background-image:-o-linear-gradient(top,#ee5f5b,#bd362f);background-image:linear-gradient(to bottom,#ee5f5b,#bd362f);background-repeat:repeat-x;border-color:#bd362f #bd362f #802420;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffbd362f',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#bd362f;*background-color:#a9302a}.btn-danger:active,.btn-danger.active{background-color:#942a25 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#5bb75b;*background-color:#51a351;background-image:-moz-linear-gradient(top,#62c462,#51a351);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#51a351));background-image:-webkit-linear-gradient(top,#62c462,#51a351);background-image:-o-linear-gradient(top,#62c462,#51a351);background-image:linear-gradient(to bottom,#62c462,#51a351);background-repeat:repeat-x;border-color:#51a351 #51a351 #387038;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff51a351',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#51a351;*background-color:#499249}.btn-success:active,.btn-success.active{background-color:#408140 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#99356b;*background-color:#772953;background-image:-moz-linear-gradient(top,#b03d7b,#772953);background-image:-webkit-gradient(linear,0 0,0 100%,from(#b03d7b),to(#772953));background-image:-webkit-linear-gradient(top,#b03d7b,#772953);background-image:-o-linear-gradient(top,#b03d7b,#772953);background-image:linear-gradient(to bottom,#b03d7b,#772953);background-repeat:repeat-x;border-color:#772953 #772953 #3e152b;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffb03d7b',endColorstr='#ff772953',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#772953;*background-color:#642246}.btn-info:active,.btn-info.active{background-color:#511c39 \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#414141;*background-color:#222;background-image:-moz-linear-gradient(top,#555,#222);background-image:-webkit-gradient(linear,0 0,0 100%,from(#555),to(#222));background-image:-webkit-linear-gradient(top,#555,#222);background-image:-o-linear-gradient(top,#555,#222);background-image:linear-gradient(to bottom,#555,#222);background-repeat:repeat-x;border-color:#222 #222 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff555555',endColorstr='#ff222222',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#222;*background-color:#151515}.btn-inverse:active,.btn-inverse.active{background-color:#080808 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#dd4814;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#97310e;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:14px}.btn-group>.btn-mini{font-size:10.5px}.btn-group>.btn-small{font-size:11.9px}.btn-group>.btn-large{font-size:17.5px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#dd7a14}.btn-group.open .btn-warning.dropdown-toggle{background-color:#dd4814}.btn-group.open .btn-danger.dropdown-toggle{background-color:#bd362f}.btn-group.open .btn-success.dropdown-toggle{background-color:#51a351}.btn-group.open .btn-info.dropdown-toggle{background-color:#772953}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#222}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:6px 6px 0 0;-moz-border-radius:6px 6px 0 0;border-radius:6px 6px 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#fcefd4;border:1px solid #fae1c6;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.alert,.alert h4{color:#eca918}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#38b44a;background-color:#caeecf;border-color:#b7e8b6}.alert-success h4{color:#38b44a}.alert-danger,.alert-error{color:#df382c;background-color:#fadfdd;border-color:#f8d0d4}.alert-danger h4,.alert-error h4{color:#df382c}.alert-info{color:#772953;background-color:#e7b8d1;border-color:#de9ecb}.alert-info h4{color:#772953}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#f5f5f5}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#dd4814}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#f5f5f5 #f5f5f5 #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#dd4814}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#dd4814;border-bottom-color:#dd4814}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#97310e;border-bottom-color:#97310e}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#f5f5f5 #ddd #f5f5f5 #f5f5f5}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#f5f5f5 #f5f5f5 #f5f5f5 #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#d44413;background-image:-moz-linear-gradient(top,#ce4213,#dd4814);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ce4213),to(#dd4814));background-image:-webkit-linear-gradient(top,#ce4213,#dd4814);background-image:-o-linear-gradient(top,#ce4213,#dd4814);background-image:linear-gradient(to bottom,#ce4213,#dd4814);background-repeat:repeat-x;border:1px solid #c64012;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffce4213',endColorstr='#ffdd4814',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:10px 20px 10px;margin-left:-20px;font-size:20px;font-weight:200;color:#fff;text-shadow:0 1px 0 #ce4213}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#fff}.navbar-link{color:#fff}.navbar-link:hover,.navbar-link:focus{color:#fff}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #ce4213;border-left:1px solid #dd4814}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:'Ubuntu',Tahoma,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:10px 15px 10px;color:#fff;text-decoration:none;text-shadow:0 1px 0 #ce4213}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#fff;text-decoration:none;background-color:#a5360f}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#fff;text-decoration:none;background-color:#a5360f;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#bd3d11;*background-color:#c64012;background-image:-moz-linear-gradient(top,#b73b11,#c64012);background-image:-webkit-gradient(linear,0 0,0 100%,from(#b73b11),to(#c64012));background-image:-webkit-linear-gradient(top,#b73b11,#c64012);background-image:-o-linear-gradient(top,#b73b11,#c64012);background-image:linear-gradient(to bottom,#b73b11,#c64012);background-repeat:repeat-x;border-color:#c64012 #c64012 #7f2a0c;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffb73b11',endColorstr='#ffc64012',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#c64012;*background-color:#ae3910}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#97310e \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#a5360f}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#802c59;background-image:-moz-linear-gradient(top,#862e5e,#772953);background-image:-webkit-gradient(linear,0 0,0 100%,from(#862e5e),to(#772953));background-image:-webkit-linear-gradient(top,#862e5e,#772953);background-image:-o-linear-gradient(top,#862e5e,#772953);background-image:linear-gradient(to bottom,#862e5e,#772953);background-repeat:repeat-x;border-color:#642246;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff862e5e',endColorstr='#ff772953',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#fff}.navbar-inverse .brand{color:#fff}.navbar-inverse .navbar-text{color:#fff}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#fff;background-color:#591f3e}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#fff;background-color:#591f3e}.navbar-inverse .navbar-link{color:#fff}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#fff}.navbar-inverse .divider-vertical{border-right-color:#862e5e;border-left-color:#772953}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#fff;background-color:#591f3e}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#c65a94;border-color:#772953;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#eee}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#6d264c;*background-color:#642246;background-image:-moz-linear-gradient(top,#732850,#642246);background-image:-webkit-gradient(linear,0 0,0 100%,from(#732850),to(#642246));background-image:-webkit-linear-gradient(top,#732850,#642246);background-image:-o-linear-gradient(top,#732850,#642246);background-image:linear-gradient(to bottom,#732850,#642246);background-repeat:repeat-x;border-color:#642246 #642246 #2b0f1e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff732850',endColorstr='#ff642246',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#642246;*background-color:#511c39}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#3e152b \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-bottomleft:4px;-moz-border-radius-topleft:4px}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-bottomright:4px}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:17.5px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:6px;border-bottom-left-radius:6px;-webkit-border-top-left-radius:6px;border-top-left-radius:6px;-moz-border-radius-bottomleft:6px;-moz-border-radius-topleft:6px}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:6px;border-top-right-radius:6px;-webkit-border-bottom-right-radius:6px;border-bottom-right-radius:6px;-moz-border-radius-topright:6px;-moz-border-radius-bottomright:6px}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:3px;border-bottom-left-radius:3px;-webkit-border-top-left-radius:3px;border-top-left-radius:3px;-moz-border-radius-bottomleft:3px;-moz-border-radius-topleft:3px}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:3px;border-top-right-radius:3px;-webkit-border-bottom-right-radius:3px;border-bottom-right-radius:3px;-moz-border-radius-topright:3px;-moz-border-radius-bottomright:3px}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:11.9px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:0 6px;font-size:10.5px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#dd4814;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:11.844px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#df382c}.label-important[href],.badge-important[href]{background-color:#bc271c}.label-warning,.badge-warning{background-color:#dd4814}.label-warning[href],.badge-warning[href]{background-color:#ae3910}.label-success,.badge-success{background-color:#38b44a}.label-success[href],.badge-success[href]{background-color:#2c8d3a}.label-info,.badge-info{background-color:#772953}.label-info[href],.badge-info[href]{background-color:#511c39}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#e86537;background-image:-moz-linear-gradient(top,#ef784e,#dd4814);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef784e),to(#dd4814));background-image:-webkit-linear-gradient(top,#ef784e,#dd4814);background-image:-o-linear-gradient(top,#ef784e,#dd4814);background-image:linear-gradient(to bottom,#ef784e,#dd4814);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef784e',endColorstr='#ffdd4814',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ef784e;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:4px;-moz-border-radius:4px;border-radius:4px}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#f5f5f5;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}.navbar .nav>li>a{border-right:1px solid rgba(0,0,0,0.2);border-left:1px solid rgba(255,255,255,0.1)}.navbar .nav>li>a:hover{border-left:1px solid rgba(0,0,0,0.2)}.navbar .nav>.active>a,.navbar .nav>.active>a:hover{border-left:1px solid rgba(0,0,0,0.2)}.navbar .divider-vertical{background-color:inherit;border-right:1px solid rgba(0,0,0,0.2)}.navbar .navbar-text{padding:9px 10px 11px;line-height:19px;color:#fff}.navbar .navbar-search .search-query{margin-bottom:3px;border:1px solid #97310e}@media(max-width:979px){.navbar .nav-collapse .nav li>a{color:#fff;border-right:0 solid #dd4814;border-left:0 solid #dd4814}.navbar .nav-collapse .nav li>a:hover{background-color:rgba(0,0,0,0.3)!important;background-image:none}.navbar .nav-collapse .navbar-form,.navbar .nav-collapse .navbar-search{border-top:0 solid #dd4814;border-bottom:0 solid #dd4814;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.navbar .nav-collapse .nav-header{color:#f5f5f5}}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover{border-right:1px solid #c03d14;border-left:1px solid #e6633a}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e86537;*background-color:#dd4814;background-image:-moz-linear-gradient(top,#ef784e,#dd4814);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ef784e),to(#dd4814));background-image:-webkit-linear-gradient(top,#ef784e,#dd4814);background-image:-o-linear-gradient(top,#ef784e,#dd4814);background-image:linear-gradient(to bottom,#ef784e,#dd4814);background-repeat:repeat-x;border-color:#dd4814 #dd4814 #97310e;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffef784e',endColorstr='#ffdd4814',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#dd4814;*background-color:#c64012}.btn-primary:active,.btn-primary.active{background-color:#ae3910 \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f3c768;*background-color:#efb73e;background-image:-moz-linear-gradient(top,#f5d185,#efb73e);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5d185),to(#efb73e));background-image:-webkit-linear-gradient(top,#f5d185,#efb73e);background-image:-o-linear-gradient(top,#f5d185,#efb73e);background-image:linear-gradient(to bottom,#f5d185,#efb73e);background-repeat:repeat-x;border-color:#efb73e #efb73e #cf9311;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5d185',endColorstr='#ffefb73e',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#efb73e;*background-color:#edae26}.btn-warning:active,.btn-warning.active{background-color:#e7a413 \9}.alert{text-shadow:none}.hero-unit{border:1px solid rgba(0,0,0,0.05);-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.hero-unit h1{line-height:1.6em}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap2/geo-bootstrap.css b/docs/build/html/_static/css/bootstrap2/geo-bootstrap.css new file mode 100644 index 0000000..4348685 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap2/geo-bootstrap.css @@ -0,0 +1,9 @@ +/*! + * Bootstrap v2.3.1 + * + * Copyright 2012 Twitter, Inc + * Licensed under the Apache License v2.0 + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Designed and built with all the love in the world @twitter by @mdo and @fat. + */.clearfix{*zoom:1}.clearfix:before,.clearfix:after{display:table;line-height:0;content:""}.clearfix:after{clear:both}.hide-text{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.input-block-level{display:block;width:100%;min-height:30px;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}article,aside,details,figcaption,figure,footer,header,hgroup,nav,section{display:block}audio,canvas,video{display:inline-block;*display:inline;*zoom:1}audio:not([controls]){display:none}html{font-size:100%;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}a:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}a:hover,a:active{outline:0}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{width:auto\9;height:auto;max-width:100%;vertical-align:middle;border:0;-ms-interpolation-mode:bicubic}#map_canvas img,.google-maps img{max-width:none}button,input,select,textarea{margin:0;font-size:100%;vertical-align:middle}button,input{*overflow:visible;line-height:normal}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}button,html input[type="button"],input[type="reset"],input[type="submit"]{cursor:pointer;-webkit-appearance:button}label,select,button,input[type="button"],input[type="reset"],input[type="submit"],input[type="radio"],input[type="checkbox"]{cursor:pointer}input[type="search"]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type="search"]::-webkit-search-decoration,input[type="search"]::-webkit-search-cancel-button{-webkit-appearance:none}textarea{overflow:auto;vertical-align:top}@media print{*{color:#000!important;text-shadow:none!important;background:transparent!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}.ir a:after,a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100%!important}@page{margin:.5cm}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}}body{margin:0;font-family:"Comic Sans","Comic Sans MS","Chalkboard","ChalkboardSE-Regular","Marker Felt","Purisa","URW Chancery L",cursive,sans-serif;font-size:16px;line-height:20px;color:#ff0;background-color:#00f}a{color:#0ee;text-decoration:none}a:hover,a:focus{color:#0ee;text-decoration:underline}.img-rounded{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.img-polaroid{padding:4px;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.1);box-shadow:0 1px 3px rgba(0,0,0,0.1)}.img-circle{-webkit-border-radius:500px;-moz-border-radius:500px;border-radius:500px}.row{margin-left:-20px;*zoom:1}.row:before,.row:after{display:table;line-height:0;content:""}.row:after{clear:both}[class*="span"]{float:left;min-height:1px;margin-left:20px}.container,.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.span12{width:940px}.span11{width:860px}.span10{width:780px}.span9{width:700px}.span8{width:620px}.span7{width:540px}.span6{width:460px}.span5{width:380px}.span4{width:300px}.span3{width:220px}.span2{width:140px}.span1{width:60px}.offset12{margin-left:980px}.offset11{margin-left:900px}.offset10{margin-left:820px}.offset9{margin-left:740px}.offset8{margin-left:660px}.offset7{margin-left:580px}.offset6{margin-left:500px}.offset5{margin-left:420px}.offset4{margin-left:340px}.offset3{margin-left:260px}.offset2{margin-left:180px}.offset1{margin-left:100px}.row-fluid{width:100%;*zoom:1}.row-fluid:before,.row-fluid:after{display:table;line-height:0;content:""}.row-fluid:after{clear:both}.row-fluid [class*="span"]{display:block;float:left;width:100%;min-height:30px;margin-left:2.127659574468085%;*margin-left:2.074468085106383%;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.row-fluid [class*="span"]:first-child{margin-left:0}.row-fluid .controls-row [class*="span"]+[class*="span"]{margin-left:2.127659574468085%}.row-fluid .span12{width:100%;*width:99.94680851063829%}.row-fluid .span11{width:91.48936170212765%;*width:91.43617021276594%}.row-fluid .span10{width:82.97872340425532%;*width:82.92553191489361%}.row-fluid .span9{width:74.46808510638297%;*width:74.41489361702126%}.row-fluid .span8{width:65.95744680851064%;*width:65.90425531914893%}.row-fluid .span7{width:57.44680851063829%;*width:57.39361702127659%}.row-fluid .span6{width:48.93617021276595%;*width:48.88297872340425%}.row-fluid .span5{width:40.42553191489362%;*width:40.37234042553192%}.row-fluid .span4{width:31.914893617021278%;*width:31.861702127659576%}.row-fluid .span3{width:23.404255319148934%;*width:23.351063829787233%}.row-fluid .span2{width:14.893617021276595%;*width:14.840425531914894%}.row-fluid .span1{width:6.382978723404255%;*width:6.329787234042553%}.row-fluid .offset12{margin-left:104.25531914893617%;*margin-left:104.14893617021275%}.row-fluid .offset12:first-child{margin-left:102.12765957446808%;*margin-left:102.02127659574467%}.row-fluid .offset11{margin-left:95.74468085106382%;*margin-left:95.6382978723404%}.row-fluid .offset11:first-child{margin-left:93.61702127659574%;*margin-left:93.51063829787232%}.row-fluid .offset10{margin-left:87.23404255319149%;*margin-left:87.12765957446807%}.row-fluid .offset10:first-child{margin-left:85.1063829787234%;*margin-left:84.99999999999999%}.row-fluid .offset9{margin-left:78.72340425531914%;*margin-left:78.61702127659572%}.row-fluid .offset9:first-child{margin-left:76.59574468085106%;*margin-left:76.48936170212764%}.row-fluid .offset8{margin-left:70.2127659574468%;*margin-left:70.10638297872339%}.row-fluid .offset8:first-child{margin-left:68.08510638297872%;*margin-left:67.9787234042553%}.row-fluid .offset7{margin-left:61.70212765957446%;*margin-left:61.59574468085106%}.row-fluid .offset7:first-child{margin-left:59.574468085106375%;*margin-left:59.46808510638297%}.row-fluid .offset6{margin-left:53.191489361702125%;*margin-left:53.085106382978715%}.row-fluid .offset6:first-child{margin-left:51.063829787234035%;*margin-left:50.95744680851063%}.row-fluid .offset5{margin-left:44.68085106382979%;*margin-left:44.57446808510638%}.row-fluid .offset5:first-child{margin-left:42.5531914893617%;*margin-left:42.4468085106383%}.row-fluid .offset4{margin-left:36.170212765957444%;*margin-left:36.06382978723405%}.row-fluid .offset4:first-child{margin-left:34.04255319148936%;*margin-left:33.93617021276596%}.row-fluid .offset3{margin-left:27.659574468085104%;*margin-left:27.5531914893617%}.row-fluid .offset3:first-child{margin-left:25.53191489361702%;*margin-left:25.425531914893618%}.row-fluid .offset2{margin-left:19.148936170212764%;*margin-left:19.04255319148936%}.row-fluid .offset2:first-child{margin-left:17.02127659574468%;*margin-left:16.914893617021278%}.row-fluid .offset1{margin-left:10.638297872340425%;*margin-left:10.53191489361702%}.row-fluid .offset1:first-child{margin-left:8.51063829787234%;*margin-left:8.404255319148938%}[class*="span"].hide,.row-fluid [class*="span"].hide{display:none}[class*="span"].pull-right,.row-fluid [class*="span"].pull-right{float:right}.container{margin-right:auto;margin-left:auto;*zoom:1}.container:before,.container:after{display:table;line-height:0;content:""}.container:after{clear:both}.container-fluid{padding-right:20px;padding-left:20px;*zoom:1}.container-fluid:before,.container-fluid:after{display:table;line-height:0;content:""}.container-fluid:after{clear:both}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:24px;font-weight:200;line-height:30px}small{font-size:85%}strong{font-weight:bold}em{font-style:italic}cite{font-style:normal}.muted{color:#999}a.muted:hover,a.muted:focus{color:#808080}.text-warning{color:#000}a.text-warning:hover,a.text-warning:focus{color:#000}.text-error{color:#fff}a.text-error:hover,a.text-error:focus{color:#e6e6e6}.text-info{color:#000}a.text-info:hover,a.text-info:focus{color:#000}.text-success{color:#fff}a.text-success:hover,a.text-success:focus{color:#e6e6e6}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}h1,h2,h3,h4,h5,h6{margin:10px 0;font-family:inherit;font-weight:bold;line-height:20px;color:inherit;text-rendering:optimizelegibility}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small{font-weight:normal;line-height:1;color:#999}h1,h2,h3{line-height:40px}h1{font-size:44px}h2{font-size:36px}h3{font-size:28px}h4{font-size:20px}h5{font-size:16px}h6{font-size:13.6px}h1 small{font-size:28px}h2 small{font-size:20px}h3 small{font-size:16px}h4 small{font-size:16px}.page-header{padding-bottom:9px;margin:20px 0 30px;border-bottom:1px solid #eee}ul,ol{padding:0;margin:0 0 10px 25px}ul ul,ul ol,ol ol,ol ul{margin-bottom:0}li{line-height:20px}ul.unstyled,ol.unstyled{margin-left:0;list-style:none}ul.inline,ol.inline{margin-left:0;list-style:none}ul.inline>li,ol.inline>li{display:inline-block;*display:inline;padding-right:5px;padding-left:5px;*zoom:1}dl{margin-bottom:20px}dt,dd{line-height:20px}dt{font-weight:bold}dd{margin-left:10px}.dl-horizontal{*zoom:1}.dl-horizontal:before,.dl-horizontal:after{display:table;line-height:0;content:""}.dl-horizontal:after{clear:both}.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}hr{margin:20px 0;border:0;border-top:1px solid #eee;border-bottom:1px solid #fff}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999}abbr.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:0 0 0 15px;margin:0 0 20px;border-left:5px solid #eee}blockquote p{margin-bottom:0;font-size:20px;font-weight:300;line-height:1.25}blockquote small{display:block;line-height:20px;color:#999}blockquote small:before{content:'\2014 \00A0'}blockquote.pull-right{float:right;padding-right:15px;padding-left:0;border-right:5px solid #eee;border-left:0}blockquote.pull-right p,blockquote.pull-right small{text-align:right}blockquote.pull-right small:before{content:''}blockquote.pull-right small:after{content:'\00A0 \2014'}q:before,q:after,blockquote:before,blockquote:after{content:""}address{display:block;margin-bottom:20px;font-style:normal;line-height:20px}code,pre{padding:0 3px 2px;font-family:"Courier New",Courier,monospace;font-size:14px;color:#333;-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}code{padding:2px 4px;color:#d14;white-space:nowrap;background-color:#f7f7f9;border:1px solid #e1e1e8}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:15px;line-height:20px;word-break:break-all;word-wrap:break-word;white-space:pre;white-space:pre-wrap;background-color:#f5f5f5;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.15);-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}pre.prettyprint{margin-bottom:20px}pre code{padding:0;color:inherit;white-space:pre;white-space:pre-wrap;background-color:transparent;border:0}.pre-scrollable{max-height:340px;overflow-y:scroll}form{margin:0 0 20px}fieldset{padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:24px;line-height:40px;color:#333;border:0;border-bottom:1px solid #e5e5e5}legend small{font-size:15px;color:#999}label,input,button,select,textarea{font-size:16px;font-weight:normal;line-height:20px}input,button,select,textarea{font-family:"Comic Sans","Comic Sans MS","Chalkboard","ChalkboardSE-Regular","Marker Felt","Purisa","URW Chancery L",cursive,sans-serif}label{display:block;margin-bottom:5px}select,textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{display:inline-block;height:20px;padding:4px 6px;margin-bottom:10px;font-size:16px;line-height:20px;color:#555;vertical-align:middle;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}input,textarea,.uneditable-input{width:206px}textarea{height:auto}textarea,input[type="text"],input[type="password"],input[type="datetime"],input[type="datetime-local"],input[type="date"],input[type="month"],input[type="time"],input[type="week"],input[type="number"],input[type="email"],input[type="url"],input[type="search"],input[type="tel"],input[type="color"],.uneditable-input{background-color:#000;border:1px solid #0f0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border linear .2s,box-shadow linear .2s;-moz-transition:border linear .2s,box-shadow linear .2s;-o-transition:border linear .2s,box-shadow linear .2s;transition:border linear .2s,box-shadow linear .2s}textarea:focus,input[type="text"]:focus,input[type="password"]:focus,input[type="datetime"]:focus,input[type="datetime-local"]:focus,input[type="date"]:focus,input[type="month"]:focus,input[type="time"]:focus,input[type="week"]:focus,input[type="number"]:focus,input[type="email"]:focus,input[type="url"]:focus,input[type="search"]:focus,input[type="tel"]:focus,input[type="color"]:focus,.uneditable-input:focus{border-color:rgba(82,168,236,0.8);outline:0;outline:thin dotted \9;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(82,168,236,0.6)}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;*margin-top:0;line-height:normal}input[type="file"],input[type="image"],input[type="submit"],input[type="reset"],input[type="button"],input[type="radio"],input[type="checkbox"]{width:auto}select,input[type="file"]{height:30px;*margin-top:4px;line-height:30px}select{width:220px;background-color:#000;border:1px solid #0f0}select[multiple],select[size]{height:auto}select:focus,input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.uneditable-input,.uneditable-textarea{color:#999;cursor:not-allowed;background-color:#000;border-color:#0f0;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.025);box-shadow:inset 0 1px 2px rgba(0,0,0,0.025)}.uneditable-input{overflow:hidden;white-space:nowrap}.uneditable-textarea{width:auto;height:auto}input:-moz-placeholder,textarea:-moz-placeholder{color:#999}input:-ms-input-placeholder,textarea:-ms-input-placeholder{color:#999}input::-webkit-input-placeholder,textarea::-webkit-input-placeholder{color:#999}.radio,.checkbox{min-height:20px;padding-left:20px}.radio input[type="radio"],.checkbox input[type="checkbox"]{float:left;margin-left:-20px}.controls>.radio:first-child,.controls>.checkbox:first-child{padding-top:5px}.radio.inline,.checkbox.inline{display:inline-block;padding-top:5px;margin-bottom:0;vertical-align:middle}.radio.inline+.radio.inline,.checkbox.inline+.checkbox.inline{margin-left:10px}.input-mini{width:60px}.input-small{width:90px}.input-medium{width:150px}.input-large{width:210px}.input-xlarge{width:270px}.input-xxlarge{width:530px}input[class*="span"],select[class*="span"],textarea[class*="span"],.uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"]{float:none;margin-left:0}.input-append input[class*="span"],.input-append .uneditable-input[class*="span"],.input-prepend input[class*="span"],.input-prepend .uneditable-input[class*="span"],.row-fluid input[class*="span"],.row-fluid select[class*="span"],.row-fluid textarea[class*="span"],.row-fluid .uneditable-input[class*="span"],.row-fluid .input-prepend [class*="span"],.row-fluid .input-append [class*="span"]{display:inline-block}input,textarea,.uneditable-input{margin-left:0}.controls-row [class*="span"]+[class*="span"]{margin-left:20px}input.span12,textarea.span12,.uneditable-input.span12{width:926px}input.span11,textarea.span11,.uneditable-input.span11{width:846px}input.span10,textarea.span10,.uneditable-input.span10{width:766px}input.span9,textarea.span9,.uneditable-input.span9{width:686px}input.span8,textarea.span8,.uneditable-input.span8{width:606px}input.span7,textarea.span7,.uneditable-input.span7{width:526px}input.span6,textarea.span6,.uneditable-input.span6{width:446px}input.span5,textarea.span5,.uneditable-input.span5{width:366px}input.span4,textarea.span4,.uneditable-input.span4{width:286px}input.span3,textarea.span3,.uneditable-input.span3{width:206px}input.span2,textarea.span2,.uneditable-input.span2{width:126px}input.span1,textarea.span1,.uneditable-input.span1{width:46px}.controls-row{*zoom:1}.controls-row:before,.controls-row:after{display:table;line-height:0;content:""}.controls-row:after{clear:both}.controls-row [class*="span"],.row-fluid .controls-row [class*="span"]{float:left}.controls-row .checkbox[class*="span"],.controls-row .radio[class*="span"]{padding-top:5px}input[disabled],select[disabled],textarea[disabled],input[readonly],select[readonly],textarea[readonly]{cursor:not-allowed;background-color:#ccc}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"][readonly],input[type="checkbox"][readonly]{background-color:transparent}.control-group.warning .control-label,.control-group.warning .help-block,.control-group.warning .help-inline{color:#000}.control-group.warning .checkbox,.control-group.warning .radio,.control-group.warning input,.control-group.warning select,.control-group.warning textarea{color:#000}.control-group.warning input,.control-group.warning select,.control-group.warning textarea{border-color:#000;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.warning input:focus,.control-group.warning select:focus,.control-group.warning textarea:focus{border-color:#000;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333}.control-group.warning .input-prepend .add-on,.control-group.warning .input-append .add-on{color:#000;background-color:#ff0;border-color:#000}.control-group.error .control-label,.control-group.error .help-block,.control-group.error .help-inline{color:#fff}.control-group.error .checkbox,.control-group.error .radio,.control-group.error input,.control-group.error select,.control-group.error textarea{color:#fff}.control-group.error input,.control-group.error select,.control-group.error textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.error input:focus,.control-group.error select:focus,.control-group.error textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.error .input-prepend .add-on,.control-group.error .input-append .add-on{color:#fff;background-color:#f00;border-color:#fff}.control-group.success .control-label,.control-group.success .help-block,.control-group.success .help-inline{color:#fff}.control-group.success .checkbox,.control-group.success .radio,.control-group.success input,.control-group.success select,.control-group.success textarea{color:#fff}.control-group.success input,.control-group.success select,.control-group.success textarea{border-color:#fff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.success input:focus,.control-group.success select:focus,.control-group.success textarea:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.control-group.success .input-prepend .add-on,.control-group.success .input-append .add-on{color:#fff;background-color:#008000;border-color:#fff}.control-group.info .control-label,.control-group.info .help-block,.control-group.info .help-inline{color:#000}.control-group.info .checkbox,.control-group.info .radio,.control-group.info input,.control-group.info select,.control-group.info textarea{color:#000}.control-group.info input,.control-group.info select,.control-group.info textarea{border-color:#000;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.control-group.info input:focus,.control-group.info select:focus,.control-group.info textarea:focus{border-color:#000;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333;-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #333}.control-group.info .input-prepend .add-on,.control-group.info .input-append .add-on{color:#000;background-color:#0ff;border-color:#000}input:focus:invalid,textarea:focus:invalid,select:focus:invalid{color:#b94a48;border-color:#ee5f5b}input:focus:invalid:focus,textarea:focus:invalid:focus,select:focus:invalid:focus{border-color:#e9322d;-webkit-box-shadow:0 0 6px #f8b9b7;-moz-box-shadow:0 0 6px #f8b9b7;box-shadow:0 0 6px #f8b9b7}.form-actions{padding:19px 20px 20px;margin-top:20px;margin-bottom:20px;background-color:#00f;border-top:1px solid #e5e5e5;*zoom:1}.form-actions:before,.form-actions:after{display:table;line-height:0;content:""}.form-actions:after{clear:both}.help-block,.help-inline{color:#ffff4d}.help-block{display:block;margin-bottom:10px}.help-inline{display:inline-block;*display:inline;padding-left:5px;vertical-align:middle;*zoom:1}.input-append,.input-prepend{display:inline-block;margin-bottom:10px;font-size:0;white-space:nowrap;vertical-align:middle}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input,.input-append .dropdown-menu,.input-prepend .dropdown-menu,.input-append .popover,.input-prepend .popover{font-size:16px}.input-append input,.input-prepend input,.input-append select,.input-prepend select,.input-append .uneditable-input,.input-prepend .uneditable-input{position:relative;margin-bottom:0;*margin-left:0;vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input:focus,.input-prepend input:focus,.input-append select:focus,.input-prepend select:focus,.input-append .uneditable-input:focus,.input-prepend .uneditable-input:focus{z-index:2}.input-append .add-on,.input-prepend .add-on{display:inline-block;width:auto;height:20px;min-width:16px;padding:4px 5px;font-size:16px;font-weight:normal;line-height:20px;text-align:center;text-shadow:0 1px 0 #fff;background-color:#eee;border:1px solid #ccc}.input-append .add-on,.input-prepend .add-on,.input-append .btn,.input-prepend .btn,.input-append .btn-group>.dropdown-toggle,.input-prepend .btn-group>.dropdown-toggle{vertical-align:top;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .active,.input-prepend .active{background-color:#9f9;border-color:#0f0}.input-prepend .add-on,.input-prepend .btn{margin-right:-1px}.input-prepend .add-on:first-child,.input-prepend .btn:first-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input,.input-append select,.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append input+.btn-group .btn:last-child,.input-append select+.btn-group .btn:last-child,.input-append .uneditable-input+.btn-group .btn:last-child{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-append .add-on,.input-append .btn,.input-append .btn-group{margin-left:-1px}.input-append .add-on:last-child,.input-append .btn:last-child,.input-append .btn-group:last-child>.dropdown-toggle{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input,.input-prepend.input-append select,.input-prepend.input-append .uneditable-input{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append input+.btn-group .btn,.input-prepend.input-append select+.btn-group .btn,.input-prepend.input-append .uneditable-input+.btn-group .btn{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:first-child,.input-prepend.input-append .btn:first-child{margin-right:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .add-on:last-child,.input-prepend.input-append .btn:last-child{margin-left:-1px;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.input-prepend.input-append .btn-group:first-child{margin-left:0}input.search-query{padding-right:14px;padding-right:4px \9;padding-left:14px;padding-left:4px \9;margin-bottom:0;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.form-search .input-append .search-query,.form-search .input-prepend .search-query{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.form-search .input-append .search-query{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search .input-append .btn{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .search-query{-webkit-border-radius:0 14px 14px 0;-moz-border-radius:0 14px 14px 0;border-radius:0 14px 14px 0}.form-search .input-prepend .btn{-webkit-border-radius:14px 0 0 14px;-moz-border-radius:14px 0 0 14px;border-radius:14px 0 0 14px}.form-search input,.form-inline input,.form-horizontal input,.form-search textarea,.form-inline textarea,.form-horizontal textarea,.form-search select,.form-inline select,.form-horizontal select,.form-search .help-inline,.form-inline .help-inline,.form-horizontal .help-inline,.form-search .uneditable-input,.form-inline .uneditable-input,.form-horizontal .uneditable-input,.form-search .input-prepend,.form-inline .input-prepend,.form-horizontal .input-prepend,.form-search .input-append,.form-inline .input-append,.form-horizontal .input-append{display:inline-block;*display:inline;margin-bottom:0;vertical-align:middle;*zoom:1}.form-search .hide,.form-inline .hide,.form-horizontal .hide{display:none}.form-search label,.form-inline label,.form-search .btn-group,.form-inline .btn-group{display:inline-block}.form-search .input-append,.form-inline .input-append,.form-search .input-prepend,.form-inline .input-prepend{margin-bottom:0}.form-search .radio,.form-search .checkbox,.form-inline .radio,.form-inline .checkbox{padding-left:0;margin-bottom:0;vertical-align:middle}.form-search .radio input[type="radio"],.form-search .checkbox input[type="checkbox"],.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{float:left;margin-right:3px;margin-left:0}.control-group{margin-bottom:10px}legend+.control-group{margin-top:20px;-webkit-margin-top-collapse:separate}.form-horizontal .control-group{margin-bottom:20px;*zoom:1}.form-horizontal .control-group:before,.form-horizontal .control-group:after{display:table;line-height:0;content:""}.form-horizontal .control-group:after{clear:both}.form-horizontal .control-label{float:left;width:160px;padding-top:5px;text-align:right}.form-horizontal .controls{*display:inline-block;*padding-left:20px;margin-left:180px;*margin-left:0}.form-horizontal .controls:first-child{*padding-left:180px}.form-horizontal .help-block{margin-bottom:0}.form-horizontal input+.help-block,.form-horizontal select+.help-block,.form-horizontal textarea+.help-block,.form-horizontal .uneditable-input+.help-block,.form-horizontal .input-prepend+.help-block,.form-horizontal .input-append+.help-block{margin-top:10px}.form-horizontal .form-actions{padding-left:180px}table{max-width:100%;background-color:transparent;border-collapse:collapse;border-spacing:0}.table{width:100%;margin-bottom:20px}.table th,.table td{padding:8px;line-height:20px;text-align:left;vertical-align:top;border-top:1px solid #008000}.table th{font-weight:bold}.table thead th{vertical-align:bottom}.table caption+thead tr:first-child th,.table caption+thead tr:first-child td,.table colgroup+thead tr:first-child th,.table colgroup+thead tr:first-child td,.table thead:first-child tr:first-child th,.table thead:first-child tr:first-child td{border-top:0}.table tbody+tbody{border-top:2px solid #008000}.table .table{background-color:#00f}.table-condensed th,.table-condensed td{padding:4px 5px}.table-bordered{border:1px solid #008000;border-collapse:separate;*border-collapse:collapse;border-left:0;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.table-bordered th,.table-bordered td{border-left:1px solid #008000}.table-bordered caption+thead tr:first-child th,.table-bordered caption+tbody tr:first-child th,.table-bordered caption+tbody tr:first-child td,.table-bordered colgroup+thead tr:first-child th,.table-bordered colgroup+tbody tr:first-child th,.table-bordered colgroup+tbody tr:first-child td,.table-bordered thead:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child th,.table-bordered tbody:first-child tr:first-child td{border-top:0}.table-bordered thead:first-child tr:first-child>th:first-child,.table-bordered tbody:first-child tr:first-child>td:first-child,.table-bordered tbody:first-child tr:first-child>th:first-child{-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-topleft:none}.table-bordered thead:first-child tr:first-child>th:last-child,.table-bordered tbody:first-child tr:first-child>td:last-child,.table-bordered tbody:first-child tr:first-child>th:last-child{-webkit-border-top-right-radius:none;border-top-right-radius:none;-moz-border-radius-topright:none}.table-bordered thead:last-child tr:last-child>th:first-child,.table-bordered tbody:last-child tr:last-child>td:first-child,.table-bordered tbody:last-child tr:last-child>th:first-child,.table-bordered tfoot:last-child tr:last-child>td:first-child,.table-bordered tfoot:last-child tr:last-child>th:first-child{-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-moz-border-radius-bottomleft:none}.table-bordered thead:last-child tr:last-child>th:last-child,.table-bordered tbody:last-child tr:last-child>td:last-child,.table-bordered tbody:last-child tr:last-child>th:last-child,.table-bordered tfoot:last-child tr:last-child>td:last-child,.table-bordered tfoot:last-child tr:last-child>th:last-child{-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-bottomright:none}.table-bordered tfoot+tbody:last-child tr:last-child td:first-child{-webkit-border-bottom-left-radius:0;border-bottom-left-radius:0;-moz-border-radius-bottomleft:0}.table-bordered tfoot+tbody:last-child tr:last-child td:last-child{-webkit-border-bottom-right-radius:0;border-bottom-right-radius:0;-moz-border-radius-bottomright:0}.table-bordered caption+thead tr:first-child th:first-child,.table-bordered caption+tbody tr:first-child td:first-child,.table-bordered colgroup+thead tr:first-child th:first-child,.table-bordered colgroup+tbody tr:first-child td:first-child{-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-topleft:none}.table-bordered caption+thead tr:first-child th:last-child,.table-bordered caption+tbody tr:first-child td:last-child,.table-bordered colgroup+thead tr:first-child th:last-child,.table-bordered colgroup+tbody tr:first-child td:last-child{-webkit-border-top-right-radius:none;border-top-right-radius:none;-moz-border-radius-topright:none}.table-striped tbody>tr:nth-child(odd)>td,.table-striped tbody>tr:nth-child(odd)>th{background-color:#000}.table-hover tbody tr:hover>td,.table-hover tbody tr:hover>th{background-color:#00f}table td[class*="span"],table th[class*="span"],.row-fluid table td[class*="span"],.row-fluid table th[class*="span"]{display:table-cell;float:none;margin-left:0}.table td.span1,.table th.span1{float:none;width:44px;margin-left:0}.table td.span2,.table th.span2{float:none;width:124px;margin-left:0}.table td.span3,.table th.span3{float:none;width:204px;margin-left:0}.table td.span4,.table th.span4{float:none;width:284px;margin-left:0}.table td.span5,.table th.span5{float:none;width:364px;margin-left:0}.table td.span6,.table th.span6{float:none;width:444px;margin-left:0}.table td.span7,.table th.span7{float:none;width:524px;margin-left:0}.table td.span8,.table th.span8{float:none;width:604px;margin-left:0}.table td.span9,.table th.span9{float:none;width:684px;margin-left:0}.table td.span10,.table th.span10{float:none;width:764px;margin-left:0}.table td.span11,.table th.span11{float:none;width:844px;margin-left:0}.table td.span12,.table th.span12{float:none;width:924px;margin-left:0}.table tbody tr.success>td{background-color:#008000}.table tbody tr.error>td{background-color:#f00}.table tbody tr.warning>td{background-color:#ff0}.table tbody tr.info>td{background-color:#0ff}.table-hover tbody tr.success:hover>td{background-color:#006700}.table-hover tbody tr.error:hover>td{background-color:#e60000}.table-hover tbody tr.warning:hover>td{background-color:#e5e600}.table-hover tbody tr.info:hover>td{background-color:#00e5e6}[class^="icon-"],[class*=" icon-"]{display:inline-block;width:14px;height:14px;margin-top:1px;*margin-right:.3em;line-height:14px;vertical-align:text-top;background-image:url("../img/glyphicons-halflings.png");background-position:14px 14px;background-repeat:no-repeat}.icon-white,.nav-pills>.active>a>[class^="icon-"],.nav-pills>.active>a>[class*=" icon-"],.nav-list>.active>a>[class^="icon-"],.nav-list>.active>a>[class*=" icon-"],.navbar-inverse .nav>.active>a>[class^="icon-"],.navbar-inverse .nav>.active>a>[class*=" icon-"],.dropdown-menu>li>a:hover>[class^="icon-"],.dropdown-menu>li>a:focus>[class^="icon-"],.dropdown-menu>li>a:hover>[class*=" icon-"],.dropdown-menu>li>a:focus>[class*=" icon-"],.dropdown-menu>.active>a>[class^="icon-"],.dropdown-menu>.active>a>[class*=" icon-"],.dropdown-submenu:hover>a>[class^="icon-"],.dropdown-submenu:focus>a>[class^="icon-"],.dropdown-submenu:hover>a>[class*=" icon-"],.dropdown-submenu:focus>a>[class*=" icon-"]{background-image:url("../../img/glyphicons-halflings-white.png")}.icon-glass{background-position:0 0}.icon-music{background-position:-24px 0}.icon-search{background-position:-48px 0}.icon-envelope{background-position:-72px 0}.icon-heart{background-position:-96px 0}.icon-star{background-position:-120px 0}.icon-star-empty{background-position:-144px 0}.icon-user{background-position:-168px 0}.icon-film{background-position:-192px 0}.icon-th-large{background-position:-216px 0}.icon-th{background-position:-240px 0}.icon-th-list{background-position:-264px 0}.icon-ok{background-position:-288px 0}.icon-remove{background-position:-312px 0}.icon-zoom-in{background-position:-336px 0}.icon-zoom-out{background-position:-360px 0}.icon-off{background-position:-384px 0}.icon-signal{background-position:-408px 0}.icon-cog{background-position:-432px 0}.icon-trash{background-position:-456px 0}.icon-home{background-position:0 -24px}.icon-file{background-position:-24px -24px}.icon-time{background-position:-48px -24px}.icon-road{background-position:-72px -24px}.icon-download-alt{background-position:-96px -24px}.icon-download{background-position:-120px -24px}.icon-upload{background-position:-144px -24px}.icon-inbox{background-position:-168px -24px}.icon-play-circle{background-position:-192px -24px}.icon-repeat{background-position:-216px -24px}.icon-refresh{background-position:-240px -24px}.icon-list-alt{background-position:-264px -24px}.icon-lock{background-position:-287px -24px}.icon-flag{background-position:-312px -24px}.icon-headphones{background-position:-336px -24px}.icon-volume-off{background-position:-360px -24px}.icon-volume-down{background-position:-384px -24px}.icon-volume-up{background-position:-408px -24px}.icon-qrcode{background-position:-432px -24px}.icon-barcode{background-position:-456px -24px}.icon-tag{background-position:0 -48px}.icon-tags{background-position:-25px -48px}.icon-book{background-position:-48px -48px}.icon-bookmark{background-position:-72px -48px}.icon-print{background-position:-96px -48px}.icon-camera{background-position:-120px -48px}.icon-font{background-position:-144px -48px}.icon-bold{background-position:-167px -48px}.icon-italic{background-position:-192px -48px}.icon-text-height{background-position:-216px -48px}.icon-text-width{background-position:-240px -48px}.icon-align-left{background-position:-264px -48px}.icon-align-center{background-position:-288px -48px}.icon-align-right{background-position:-312px -48px}.icon-align-justify{background-position:-336px -48px}.icon-list{background-position:-360px -48px}.icon-indent-left{background-position:-384px -48px}.icon-indent-right{background-position:-408px -48px}.icon-facetime-video{background-position:-432px -48px}.icon-picture{background-position:-456px -48px}.icon-pencil{background-position:0 -72px}.icon-map-marker{background-position:-24px -72px}.icon-adjust{background-position:-48px -72px}.icon-tint{background-position:-72px -72px}.icon-edit{background-position:-96px -72px}.icon-share{background-position:-120px -72px}.icon-check{background-position:-144px -72px}.icon-move{background-position:-168px -72px}.icon-step-backward{background-position:-192px -72px}.icon-fast-backward{background-position:-216px -72px}.icon-backward{background-position:-240px -72px}.icon-play{background-position:-264px -72px}.icon-pause{background-position:-288px -72px}.icon-stop{background-position:-312px -72px}.icon-forward{background-position:-336px -72px}.icon-fast-forward{background-position:-360px -72px}.icon-step-forward{background-position:-384px -72px}.icon-eject{background-position:-408px -72px}.icon-chevron-left{background-position:-432px -72px}.icon-chevron-right{background-position:-456px -72px}.icon-plus-sign{background-position:0 -96px}.icon-minus-sign{background-position:-24px -96px}.icon-remove-sign{background-position:-48px -96px}.icon-ok-sign{background-position:-72px -96px}.icon-question-sign{background-position:-96px -96px}.icon-info-sign{background-position:-120px -96px}.icon-screenshot{background-position:-144px -96px}.icon-remove-circle{background-position:-168px -96px}.icon-ok-circle{background-position:-192px -96px}.icon-ban-circle{background-position:-216px -96px}.icon-arrow-left{background-position:-240px -96px}.icon-arrow-right{background-position:-264px -96px}.icon-arrow-up{background-position:-289px -96px}.icon-arrow-down{background-position:-312px -96px}.icon-share-alt{background-position:-336px -96px}.icon-resize-full{background-position:-360px -96px}.icon-resize-small{background-position:-384px -96px}.icon-plus{background-position:-408px -96px}.icon-minus{background-position:-433px -96px}.icon-asterisk{background-position:-456px -96px}.icon-exclamation-sign{background-position:0 -120px}.icon-gift{background-position:-24px -120px}.icon-leaf{background-position:-48px -120px}.icon-fire{background-position:-72px -120px}.icon-eye-open{background-position:-96px -120px}.icon-eye-close{background-position:-120px -120px}.icon-warning-sign{background-position:-144px -120px}.icon-plane{background-position:-168px -120px}.icon-calendar{background-position:-192px -120px}.icon-random{width:16px;background-position:-216px -120px}.icon-comment{background-position:-240px -120px}.icon-magnet{background-position:-264px -120px}.icon-chevron-up{background-position:-288px -120px}.icon-chevron-down{background-position:-313px -119px}.icon-retweet{background-position:-336px -120px}.icon-shopping-cart{background-position:-360px -120px}.icon-folder-close{width:16px;background-position:-384px -120px}.icon-folder-open{width:16px;background-position:-408px -120px}.icon-resize-vertical{background-position:-432px -119px}.icon-resize-horizontal{background-position:-456px -118px}.icon-hdd{background-position:0 -144px}.icon-bullhorn{background-position:-24px -144px}.icon-bell{background-position:-48px -144px}.icon-certificate{background-position:-72px -144px}.icon-thumbs-up{background-position:-96px -144px}.icon-thumbs-down{background-position:-120px -144px}.icon-hand-right{background-position:-144px -144px}.icon-hand-left{background-position:-168px -144px}.icon-hand-up{background-position:-192px -144px}.icon-hand-down{background-position:-216px -144px}.icon-circle-arrow-right{background-position:-240px -144px}.icon-circle-arrow-left{background-position:-264px -144px}.icon-circle-arrow-up{background-position:-288px -144px}.icon-circle-arrow-down{background-position:-312px -144px}.icon-globe{background-position:-336px -144px}.icon-wrench{background-position:-360px -144px}.icon-tasks{background-position:-384px -144px}.icon-filter{background-position:-408px -144px}.icon-briefcase{background-position:-432px -144px}.icon-fullscreen{background-position:-456px -144px}.dropup,.dropdown{position:relative}.dropdown-toggle{*margin-bottom:-3px}.dropdown-toggle:active,.open .dropdown-toggle{outline:0}.caret{display:inline-block;width:0;height:0;vertical-align:top;border-top:4px solid #000;border-right:4px solid transparent;border-left:4px solid transparent;content:""}.dropdown .caret{margin-top:8px;margin-left:2px}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);*border-right-width:2px;*border-bottom-width:2px;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:20px;color:#333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus,.dropdown-submenu:hover>a,.dropdown-submenu:focus>a{color:#fff;text-decoration:none;background-color:#00e4e4;background-image:-moz-linear-gradient(top,#0ee,#00d4d5);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0ee),to(#00d4d5));background-image:-webkit-linear-gradient(top,#0ee,#00d4d5);background-image:-o-linear-gradient(top,#0ee,#00d4d5);background-image:linear-gradient(to bottom,#0ee,#00d4d5);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff00eeee',endColorstr='#ff00d4d5',GradientType=0)}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#333;text-decoration:none;background-color:#00e4e4;background-image:-moz-linear-gradient(top,#0ee,#00d4d5);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0ee),to(#00d4d5));background-image:-webkit-linear-gradient(top,#0ee,#00d4d5);background-image:-o-linear-gradient(top,#0ee,#00d4d5);background-image:linear-gradient(to bottom,#0ee,#00d4d5);background-repeat:repeat-x;outline:0;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff00eeee',endColorstr='#ff00d4d5',GradientType=0)}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open{*z-index:1000}.open>.dropdown-menu{display:block}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid #000;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}.dropdown-submenu{position:relative}.dropdown-submenu>.dropdown-menu{top:0;left:100%;margin-top:-6px;margin-left:-1px;-webkit-border-radius:0 6px 6px 6px;-moz-border-radius:0 6px 6px 6px;border-radius:0 6px 6px 6px}.dropdown-submenu:hover>.dropdown-menu{display:block}.dropup .dropdown-submenu>.dropdown-menu{top:auto;bottom:0;margin-top:0;margin-bottom:-2px;-webkit-border-radius:5px 5px 5px 0;-moz-border-radius:5px 5px 5px 0;border-radius:5px 5px 5px 0}.dropdown-submenu>a:after{display:block;float:right;width:0;height:0;margin-top:5px;margin-right:-10px;border-color:transparent;border-left-color:#ccc;border-style:solid;border-width:5px 0 5px 5px;content:" "}.dropdown-submenu:hover>a:after{border-left-color:#fff}.dropdown-submenu.pull-left{float:none}.dropdown-submenu.pull-left>.dropdown-menu{left:-100%;margin-left:10px;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.dropdown .dropdown-menu .nav-header{padding-right:20px;padding-left:20px}.typeahead{z-index:1051;margin-top:2px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#000;border:1px solid #000;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-large{padding:24px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.well-small{padding:9px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.fade{opacity:0;-webkit-transition:opacity .15s linear;-moz-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{position:relative;height:0;overflow:hidden;-webkit-transition:height .35s ease;-moz-transition:height .35s ease;-o-transition:height .35s ease;transition:height .35s ease}.collapse.in{height:auto}.close{float:right;font-size:20px;font-weight:bold;line-height:20px;color:#000;text-shadow:0 1px 0 #fff;opacity:.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000;text-decoration:none;cursor:pointer;opacity:.4;filter:alpha(opacity=40)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.btn{display:inline-block;*display:inline;padding:4px 12px;margin-bottom:0;*margin-left:.3em;font-size:16px;line-height:20px;color:#333;text-align:center;text-shadow:0 1px 1px rgba(255,255,255,0.75);vertical-align:middle;cursor:pointer;background-color:#e6e6e6;*background-color:#e6e6e6;background-image:-moz-linear-gradient(top,#e6e6e6,#e6e6e6);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e6e6e6),to(#e6e6e6));background-image:-webkit-linear-gradient(top,#e6e6e6,#e6e6e6);background-image:-o-linear-gradient(top,#e6e6e6,#e6e6e6);background-image:linear-gradient(to bottom,#e6e6e6,#e6e6e6);background-repeat:repeat-x;border:1px solid #bbb;*border:0;border-color:#e6e6e6 #e6e6e6 #bfbfbf;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);border-bottom-color:#a2a2a2;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe6e6e6',endColorstr='#ffe6e6e6',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);*zoom:1;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn:hover,.btn:focus,.btn:active,.btn.active,.btn.disabled,.btn[disabled]{color:#333;background-color:#e6e6e6;*background-color:#d9d9d9}.btn:active,.btn.active{background-color:#ccc \9}.btn:first-child{*margin-left:0}.btn:hover,.btn:focus{color:#333;text-decoration:none;background-position:0 -15px;-webkit-transition:background-position .1s linear;-moz-transition:background-position .1s linear;-o-transition:background-position .1s linear;transition:background-position .1s linear}.btn:focus{outline:thin dotted #333;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn.disabled,.btn[disabled]{cursor:default;background-image:none;opacity:.65;filter:alpha(opacity=65);-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-large{padding:11px 19px;font-size:20px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.btn-large [class^="icon-"],.btn-large [class*=" icon-"]{margin-top:4px}.btn-small{padding:2px 10px;font-size:13.6px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.btn-small [class^="icon-"],.btn-small [class*=" icon-"]{margin-top:0}.btn-mini [class^="icon-"],.btn-mini [class*=" icon-"]{margin-top:-1px}.btn-mini{padding:1px 6px;font-size:12px;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.btn-block{display:block;width:100%;padding-right:0;padding-left:0;-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.btn-primary.active,.btn-warning.active,.btn-danger.active,.btn-success.active,.btn-info.active,.btn-inverse.active{color:rgba(255,255,255,0.75)}.btn-primary{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0ee;*background-color:#0ee;background-image:-moz-linear-gradient(top,#0ee,#0ee);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0ee),to(#0ee));background-image:-webkit-linear-gradient(top,#0ee,#0ee);background-image:-o-linear-gradient(top,#0ee,#0ee);background-image:linear-gradient(to bottom,#0ee,#0ee);background-repeat:repeat-x;border-color:#0ee #0ee #00a1a2;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff00eeee',endColorstr='#ff00eeee',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.btn-primary.disabled,.btn-primary[disabled]{color:#fff;background-color:#0ee;*background-color:#00d4d5}.btn-primary:active,.btn-primary.active{background-color:#0bb \9}.btn-warning{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#fa0;*background-color:#fa0;background-image:-moz-linear-gradient(top,#fa0,#fa0);background-image:-webkit-gradient(linear,0 0,0 100%,from(#fa0),to(#fa0));background-image:-webkit-linear-gradient(top,#fa0,#fa0);background-image:-o-linear-gradient(top,#fa0,#fa0);background-image:linear-gradient(to bottom,#fa0,#fa0);background-repeat:repeat-x;border-color:#fa0 #fa0 #b37700;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffaa00',endColorstr='#ffffaa00',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.btn-warning.disabled,.btn-warning[disabled]{color:#fff;background-color:#fa0;*background-color:#e69900}.btn-warning:active,.btn-warning.active{background-color:#c80 \9}.btn-danger{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#f00;*background-color:#f00;background-image:-moz-linear-gradient(top,#f00,#f00);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f00),to(#f00));background-image:-webkit-linear-gradient(top,#f00,#f00);background-image:-o-linear-gradient(top,#f00,#f00);background-image:linear-gradient(to bottom,#f00,#f00);background-repeat:repeat-x;border-color:#f00 #f00 #b30000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0000',endColorstr='#ffff0000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.btn-danger.disabled,.btn-danger[disabled]{color:#fff;background-color:#f00;*background-color:#e60000}.btn-danger:active,.btn-danger.active{background-color:#c00 \9}.btn-success{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0f0;*background-color:#0f0;background-image:-moz-linear-gradient(top,#0f0,#0f0);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0f0),to(#0f0));background-image:-webkit-linear-gradient(top,#0f0,#0f0);background-image:-o-linear-gradient(top,#0f0,#0f0);background-image:linear-gradient(to bottom,#0f0,#0f0);background-repeat:repeat-x;border-color:#0f0 #0f0 #00b300;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff00ff00',endColorstr='#ff00ff00',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.btn-success.disabled,.btn-success[disabled]{color:#fff;background-color:#0f0;*background-color:#00e600}.btn-success:active,.btn-success.active{background-color:#0c0 \9}.btn-info{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0ff;*background-color:#0ff;background-image:-moz-linear-gradient(top,#0ff,#0ff);background-image:-webkit-gradient(linear,0 0,0 100%,from(#0ff),to(#0ff));background-image:-webkit-linear-gradient(top,#0ff,#0ff);background-image:-o-linear-gradient(top,#0ff,#0ff);background-image:linear-gradient(to bottom,#0ff,#0ff);background-repeat:repeat-x;border-color:#0ff #0ff #00b2b3;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff00ffff',endColorstr='#ff00ffff',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.btn-info.disabled,.btn-info[disabled]{color:#fff;background-color:#0ff;*background-color:#00e5e6}.btn-info:active,.btn-info.active{background-color:#0cc \9}.btn-inverse{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#000;*background-color:#000;background-image:-moz-linear-gradient(top,#000,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#000),to(#000));background-image:-webkit-linear-gradient(top,#000,#000);background-image:-o-linear-gradient(top,#000,#000);background-image:linear-gradient(to bottom,#000,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff000000',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.btn-inverse:hover,.btn-inverse:focus,.btn-inverse:active,.btn-inverse.active,.btn-inverse.disabled,.btn-inverse[disabled]{color:#fff;background-color:#000;*background-color:#000}.btn-inverse:active,.btn-inverse.active{background-color:#000 \9}button.btn,input[type="submit"].btn{*padding-top:3px;*padding-bottom:3px}button.btn::-moz-focus-inner,input[type="submit"].btn::-moz-focus-inner{padding:0;border:0}button.btn.btn-large,input[type="submit"].btn.btn-large{*padding-top:7px;*padding-bottom:7px}button.btn.btn-small,input[type="submit"].btn.btn-small{*padding-top:3px;*padding-bottom:3px}button.btn.btn-mini,input[type="submit"].btn.btn-mini{*padding-top:1px;*padding-bottom:1px}.btn-link,.btn-link:active,.btn-link[disabled]{background-color:transparent;background-image:none;-webkit-box-shadow:none;-moz-box-shadow:none;box-shadow:none}.btn-link{color:#0ee;cursor:pointer;border-color:transparent;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-link:hover,.btn-link:focus{color:#0ee;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,.btn-link[disabled]:focus{color:#333;text-decoration:none}.btn-group{position:relative;display:inline-block;*display:inline;*margin-left:.3em;font-size:0;white-space:nowrap;vertical-align:middle;*zoom:1}.btn-group:first-child{*margin-left:0}.btn-group+.btn-group{margin-left:5px}.btn-toolbar{margin-top:10px;margin-bottom:10px;font-size:0}.btn-toolbar>.btn+.btn,.btn-toolbar>.btn-group+.btn,.btn-toolbar>.btn+.btn-group{margin-left:5px}.btn-group>.btn{position:relative;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group>.btn+.btn{margin-left:-1px}.btn-group>.btn,.btn-group>.dropdown-menu,.btn-group>.popover{font-size:16px}.btn-group>.btn-mini{font-size:12px}.btn-group>.btn-small{font-size:13.6px}.btn-group>.btn-large{font-size:20px}.btn-group>.btn:first-child{margin-left:0;-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-bottomleft:none;-moz-border-radius-topleft:none}.btn-group>.btn:last-child,.btn-group>.dropdown-toggle{-webkit-border-top-right-radius:none;border-top-right-radius:none;-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-topright:none;-moz-border-radius-bottomright:none}.btn-group>.btn.large:first-child{margin-left:0;-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-bottomleft:none;-moz-border-radius-topleft:none}.btn-group>.btn.large:last-child,.btn-group>.large.dropdown-toggle{-webkit-border-top-right-radius:none;border-top-right-radius:none;-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-topright:none;-moz-border-radius-bottomright:none}.btn-group>.btn:hover,.btn-group>.btn:focus,.btn-group>.btn:active,.btn-group>.btn.active{z-index:2}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{*padding-top:5px;padding-right:8px;*padding-bottom:5px;padding-left:8px;-webkit-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 1px 0 0 rgba(255,255,255,0.125),inset 0 1px 0 rgba(255,255,255,0.2),0 1px 2px rgba(0,0,0,0.05)}.btn-group>.btn-mini+.dropdown-toggle{*padding-top:2px;padding-right:5px;*padding-bottom:2px;padding-left:5px}.btn-group>.btn-small+.dropdown-toggle{*padding-top:5px;*padding-bottom:4px}.btn-group>.btn-large+.dropdown-toggle{*padding-top:7px;padding-right:12px;*padding-bottom:7px;padding-left:12px}.btn-group.open .dropdown-toggle{background-image:none;-webkit-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05);box-shadow:inset 0 2px 4px rgba(0,0,0,0.15),0 1px 2px rgba(0,0,0,0.05)}.btn-group.open .btn.dropdown-toggle{background-color:#e6e6e6}.btn-group.open .btn-primary.dropdown-toggle{background-color:#0ee}.btn-group.open .btn-warning.dropdown-toggle{background-color:#fa0}.btn-group.open .btn-danger.dropdown-toggle{background-color:#f00}.btn-group.open .btn-success.dropdown-toggle{background-color:#0f0}.btn-group.open .btn-info.dropdown-toggle{background-color:#0ff}.btn-group.open .btn-inverse.dropdown-toggle{background-color:#000}.btn .caret{margin-top:8px;margin-left:0}.btn-large .caret{margin-top:6px}.btn-large .caret{border-top-width:5px;border-right-width:5px;border-left-width:5px}.btn-mini .caret,.btn-small .caret{margin-top:8px}.dropup .btn-large .caret{border-bottom-width:5px}.btn-primary .caret,.btn-warning .caret,.btn-danger .caret,.btn-info .caret,.btn-success .caret,.btn-inverse .caret{border-top-color:#fff;border-bottom-color:#fff}.btn-group-vertical{display:inline-block;*display:inline;*zoom:1}.btn-group-vertical>.btn{display:block;float:none;max-width:100%;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.btn-group-vertical>.btn+.btn{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:first-child{-webkit-border-radius:none none 0 0;-moz-border-radius:none none 0 0;border-radius:none none 0 0}.btn-group-vertical>.btn:last-child{-webkit-border-radius:0 0 none none;-moz-border-radius:0 0 none none;border-radius:0 0 none none}.btn-group-vertical>.btn-large:first-child{-webkit-border-radius:none none 0 0;-moz-border-radius:none none 0 0;border-radius:none none 0 0}.btn-group-vertical>.btn-large:last-child{-webkit-border-radius:0 0 none none;-moz-border-radius:0 0 none none;border-radius:0 0 none none}.alert{padding:8px 35px 8px 14px;margin-bottom:20px;text-shadow:0 1px 0 rgba(255,255,255,0.5);background-color:#ff0;border:1px solid #f00;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.alert,.alert h4{color:#000}.alert h4{margin:0}.alert .close{position:relative;top:-2px;right:-21px;line-height:20px}.alert-success{color:#fff;background-color:#008000;border-color:#0a0}.alert-success h4{color:#fff}.alert-danger,.alert-error{color:#fff;background-color:#f00;border-color:#a00}.alert-danger h4,.alert-error h4{color:#fff}.alert-info{color:#000;background-color:#0ff;border-color:#aa0}.alert-info h4{color:#000}.alert-block{padding-top:14px;padding-bottom:14px}.alert-block>p,.alert-block>ul{margin-bottom:0}.alert-block p+p{margin-top:5px}.nav{margin-bottom:20px;margin-left:0;list-style:none}.nav>li>a{display:block}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eee}.nav>li>a>img{max-width:none}.nav>.pull-right{float:right}.nav-header{display:block;padding:3px 15px;font-size:11px;font-weight:bold;line-height:20px;color:#999;text-shadow:0 1px 0 rgba(255,255,255,0.5);text-transform:uppercase}.nav li+.nav-header{margin-top:9px}.nav-list{padding-right:15px;padding-left:15px;margin-bottom:0}.nav-list>li>a,.nav-list .nav-header{margin-right:-15px;margin-left:-15px;text-shadow:0 1px 0 rgba(255,255,255,0.5)}.nav-list>li>a{padding:3px 15px}.nav-list>.active>a,.nav-list>.active>a:hover,.nav-list>.active>a:focus{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.2);background-color:#0ee}.nav-list [class^="icon-"],.nav-list [class*=" icon-"]{margin-right:2px}.nav-list .divider{*width:100%;height:1px;margin:9px 1px;*margin:-5px 0 5px;overflow:hidden;background-color:#e5e5e5;border-bottom:1px solid #fff}.nav-tabs,.nav-pills{*zoom:1}.nav-tabs:before,.nav-pills:before,.nav-tabs:after,.nav-pills:after{display:table;line-height:0;content:""}.nav-tabs:after,.nav-pills:after{clear:both}.nav-tabs>li,.nav-pills>li{float:left}.nav-tabs>li>a,.nav-pills>li>a{padding-right:12px;padding-left:12px;margin-right:2px;line-height:14px}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{margin-bottom:-1px}.nav-tabs>li>a{padding-top:8px;padding-bottom:8px;line-height:20px;border:1px solid transparent;-webkit-border-radius:4px 4px 0 0;-moz-border-radius:4px 4px 0 0;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{border-color:#eee #eee #ddd}.nav-tabs>.active>a,.nav-tabs>.active>a:hover,.nav-tabs>.active>a:focus{color:#555;cursor:default;background-color:#00f;border:1px solid #ddd;border-bottom-color:transparent}.nav-pills>li>a{padding-top:8px;padding-bottom:8px;margin-top:2px;margin-bottom:2px;-webkit-border-radius:5px;-moz-border-radius:5px;border-radius:5px}.nav-pills>.active>a,.nav-pills>.active>a:hover,.nav-pills>.active>a:focus{color:#fff;background-color:#0ee}.nav-stacked>li{float:none}.nav-stacked>li>a{margin-right:0}.nav-tabs.nav-stacked{border-bottom:0}.nav-tabs.nav-stacked>li>a{border:1px solid #ddd;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.nav-tabs.nav-stacked>li:first-child>a{-webkit-border-top-right-radius:4px;border-top-right-radius:4px;-webkit-border-top-left-radius:4px;border-top-left-radius:4px;-moz-border-radius-topright:4px;-moz-border-radius-topleft:4px}.nav-tabs.nav-stacked>li:last-child>a{-webkit-border-bottom-right-radius:4px;border-bottom-right-radius:4px;-webkit-border-bottom-left-radius:4px;border-bottom-left-radius:4px;-moz-border-radius-bottomright:4px;-moz-border-radius-bottomleft:4px}.nav-tabs.nav-stacked>li>a:hover,.nav-tabs.nav-stacked>li>a:focus{z-index:2;border-color:#ddd}.nav-pills.nav-stacked>li>a{margin-bottom:3px}.nav-pills.nav-stacked>li:last-child>a{margin-bottom:1px}.nav-tabs .dropdown-menu{-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px}.nav-pills .dropdown-menu{-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.nav .dropdown-toggle .caret{margin-top:6px;border-top-color:#0ee;border-bottom-color:#0ee}.nav .dropdown-toggle:hover .caret,.nav .dropdown-toggle:focus .caret{border-top-color:#0ee;border-bottom-color:#0ee}.nav-tabs .dropdown-toggle .caret{margin-top:8px}.nav .active .dropdown-toggle .caret{border-top-color:#fff;border-bottom-color:#fff}.nav-tabs .active .dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.nav>.dropdown.active>a:hover,.nav>.dropdown.active>a:focus{cursor:pointer}.nav-tabs .open .dropdown-toggle,.nav-pills .open .dropdown-toggle,.nav>li.dropdown.open.active>a:hover,.nav>li.dropdown.open.active>a:focus{color:#fff;background-color:#999;border-color:#999}.nav li.dropdown.open .caret,.nav li.dropdown.open.active .caret,.nav li.dropdown.open a:hover .caret,.nav li.dropdown.open a:focus .caret{border-top-color:#fff;border-bottom-color:#fff;opacity:1;filter:alpha(opacity=100)}.tabs-stacked .open>a:hover,.tabs-stacked .open>a:focus{border-color:#999}.tabbable{*zoom:1}.tabbable:before,.tabbable:after{display:table;line-height:0;content:""}.tabbable:after{clear:both}.tab-content{overflow:auto}.tabs-below>.nav-tabs,.tabs-right>.nav-tabs,.tabs-left>.nav-tabs{border-bottom:0}.tab-content>.tab-pane,.pill-content>.pill-pane{display:none}.tab-content>.active,.pill-content>.active{display:block}.tabs-below>.nav-tabs{border-top:1px solid #ddd}.tabs-below>.nav-tabs>li{margin-top:-1px;margin-bottom:0}.tabs-below>.nav-tabs>li>a{-webkit-border-radius:0 0 4px 4px;-moz-border-radius:0 0 4px 4px;border-radius:0 0 4px 4px}.tabs-below>.nav-tabs>li>a:hover,.tabs-below>.nav-tabs>li>a:focus{border-top-color:#ddd;border-bottom-color:transparent}.tabs-below>.nav-tabs>.active>a,.tabs-below>.nav-tabs>.active>a:hover,.tabs-below>.nav-tabs>.active>a:focus{border-color:transparent #ddd #ddd #ddd}.tabs-left>.nav-tabs>li,.tabs-right>.nav-tabs>li{float:none}.tabs-left>.nav-tabs>li>a,.tabs-right>.nav-tabs>li>a{min-width:74px;margin-right:0;margin-bottom:3px}.tabs-left>.nav-tabs{float:left;margin-right:19px;border-right:1px solid #ddd}.tabs-left>.nav-tabs>li>a{margin-right:-1px;-webkit-border-radius:4px 0 0 4px;-moz-border-radius:4px 0 0 4px;border-radius:4px 0 0 4px}.tabs-left>.nav-tabs>li>a:hover,.tabs-left>.nav-tabs>li>a:focus{border-color:#eee #ddd #eee #eee}.tabs-left>.nav-tabs .active>a,.tabs-left>.nav-tabs .active>a:hover,.tabs-left>.nav-tabs .active>a:focus{border-color:#ddd transparent #ddd #ddd;*border-right-color:#fff}.tabs-right>.nav-tabs{float:right;margin-left:19px;border-left:1px solid #ddd}.tabs-right>.nav-tabs>li>a{margin-left:-1px;-webkit-border-radius:0 4px 4px 0;-moz-border-radius:0 4px 4px 0;border-radius:0 4px 4px 0}.tabs-right>.nav-tabs>li>a:hover,.tabs-right>.nav-tabs>li>a:focus{border-color:#eee #eee #eee #ddd}.tabs-right>.nav-tabs .active>a,.tabs-right>.nav-tabs .active>a:hover,.tabs-right>.nav-tabs .active>a:focus{border-color:#ddd #ddd #ddd transparent;*border-left-color:#fff}.nav>.disabled>a{color:#999}.nav>.disabled>a:hover,.nav>.disabled>a:focus{text-decoration:none;cursor:default;background-color:transparent}.navbar{*position:relative;*z-index:2;margin-bottom:20px;overflow:visible}.navbar-inner{min-height:40px;padding-right:20px;padding-left:20px;background-color:#000;background-image:-moz-linear-gradient(top,#000,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#000),to(#000));background-image:-webkit-linear-gradient(top,#000,#000);background-image:-o-linear-gradient(top,#000,#000);background-image:linear-gradient(to bottom,#000,#000);background-repeat:repeat-x;border:1px solid #000;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff000000',endColorstr='#ff000000',GradientType=0);*zoom:1;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.065);-moz-box-shadow:0 1px 4px rgba(0,0,0,0.065);box-shadow:0 1px 4px rgba(0,0,0,0.065)}.navbar-inner:before,.navbar-inner:after{display:table;line-height:0;content:""}.navbar-inner:after{clear:both}.navbar .container{width:auto}.nav-collapse.collapse{height:auto;overflow:visible}.navbar .brand{display:block;float:left;padding:10px 20px 10px;margin-left:-20px;font-size:20px;font-weight:200;color:#0f0;text-shadow:0 1px 0 #000}.navbar .brand:hover,.navbar .brand:focus{text-decoration:none}.navbar-text{margin-bottom:0;line-height:40px;color:#f0f}.navbar-link{color:#0f0}.navbar-link:hover,.navbar-link:focus{color:#333}.navbar .divider-vertical{height:40px;margin:0 9px;border-right:1px solid #000;border-left:1px solid #000}.navbar .btn,.navbar .btn-group{margin-top:5px}.navbar .btn-group .btn,.navbar .input-prepend .btn,.navbar .input-append .btn,.navbar .input-prepend .btn-group,.navbar .input-append .btn-group{margin-top:0}.navbar-form{margin-bottom:0;*zoom:1}.navbar-form:before,.navbar-form:after{display:table;line-height:0;content:""}.navbar-form:after{clear:both}.navbar-form input,.navbar-form select,.navbar-form .radio,.navbar-form .checkbox{margin-top:5px}.navbar-form input,.navbar-form select,.navbar-form .btn{display:inline-block;margin-bottom:0}.navbar-form input[type="image"],.navbar-form input[type="checkbox"],.navbar-form input[type="radio"]{margin-top:3px}.navbar-form .input-append,.navbar-form .input-prepend{margin-top:5px;white-space:nowrap}.navbar-form .input-append input,.navbar-form .input-prepend input{margin-top:0}.navbar-search{position:relative;float:left;margin-top:5px;margin-bottom:0}.navbar-search .search-query{padding:4px 14px;margin-bottom:0;font-family:"Comic Sans","Comic Sans MS","Chalkboard","ChalkboardSE-Regular","Marker Felt","Purisa","URW Chancery L",cursive,sans-serif;font-size:13px;font-weight:normal;line-height:1;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.navbar-static-top{position:static;margin-bottom:0}.navbar-static-top .navbar-inner{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;margin-bottom:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{border-width:0 0 1px}.navbar-fixed-bottom .navbar-inner{border-width:1px 0 0}.navbar-fixed-top .navbar-inner,.navbar-fixed-bottom .navbar-inner{padding-right:0;padding-left:0;-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.navbar-static-top .container,.navbar-fixed-top .container,.navbar-fixed-bottom .container{width:940px}.navbar-fixed-top{top:0}.navbar-fixed-top .navbar-inner,.navbar-static-top .navbar-inner{-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-fixed-bottom{bottom:0}.navbar-fixed-bottom .navbar-inner{-webkit-box-shadow:0 -1px 10px rgba(0,0,0,0.1);-moz-box-shadow:0 -1px 10px rgba(0,0,0,0.1);box-shadow:0 -1px 10px rgba(0,0,0,0.1)}.navbar .nav{position:relative;left:0;display:block;float:left;margin:0 10px 0 0}.navbar .nav.pull-right{float:right;margin-right:0}.navbar .nav>li{float:left}.navbar .nav>li>a{float:none;padding:10px 15px 10px;color:#0f0;text-decoration:none;text-shadow:0 1px 0 #000}.navbar .nav .dropdown-toggle .caret{margin-top:8px}.navbar .nav>li>a:focus,.navbar .nav>li>a:hover{color:#333;text-decoration:none;background-color:transparent}.navbar .nav>.active>a,.navbar .nav>.active>a:hover,.navbar .nav>.active>a:focus{color:#555;text-decoration:none;background-color:#000;-webkit-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);-moz-box-shadow:inset 0 3px 8px rgba(0,0,0,0.125);box-shadow:inset 0 3px 8px rgba(0,0,0,0.125)}.navbar .btn-navbar{display:none;float:right;padding:7px 10px;margin-right:5px;margin-left:5px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#000;*background-color:#000;background-image:-moz-linear-gradient(top,#000,#000);background-image:-webkit-gradient(linear,0 0,0 100%,from(#000),to(#000));background-image:-webkit-linear-gradient(top,#000,#000);background-image:-o-linear-gradient(top,#000,#000);background-image:linear-gradient(to bottom,#000,#000);background-repeat:repeat-x;border-color:#000 #000 #000;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff000000',endColorstr='#ff000000',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);-moz-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.075)}.navbar .btn-navbar:hover,.navbar .btn-navbar:focus,.navbar .btn-navbar:active,.navbar .btn-navbar.active,.navbar .btn-navbar.disabled,.navbar .btn-navbar[disabled]{color:#fff;background-color:#000;*background-color:#000}.navbar .btn-navbar:active,.navbar .btn-navbar.active{background-color:#000 \9}.navbar .btn-navbar .icon-bar{display:block;width:18px;height:2px;background-color:#f5f5f5;-webkit-border-radius:1px;-moz-border-radius:1px;border-radius:1px;-webkit-box-shadow:0 1px 0 rgba(0,0,0,0.25);-moz-box-shadow:0 1px 0 rgba(0,0,0,0.25);box-shadow:0 1px 0 rgba(0,0,0,0.25)}.btn-navbar .icon-bar+.icon-bar{margin-top:3px}.navbar .nav>li>.dropdown-menu:before{position:absolute;top:-7px;left:9px;display:inline-block;border-right:7px solid transparent;border-bottom:7px solid #ccc;border-left:7px solid transparent;border-bottom-color:rgba(0,0,0,0.2);content:''}.navbar .nav>li>.dropdown-menu:after{position:absolute;top:-6px;left:10px;display:inline-block;border-right:6px solid transparent;border-bottom:6px solid #fff;border-left:6px solid transparent;content:''}.navbar-fixed-bottom .nav>li>.dropdown-menu:before{top:auto;bottom:-7px;border-top:7px solid #ccc;border-bottom:0;border-top-color:rgba(0,0,0,0.2)}.navbar-fixed-bottom .nav>li>.dropdown-menu:after{top:auto;bottom:-6px;border-top:6px solid #fff;border-bottom:0}.navbar .nav li.dropdown>a:hover .caret,.navbar .nav li.dropdown>a:focus .caret{border-top-color:#333;border-bottom-color:#333}.navbar .nav li.dropdown.open>.dropdown-toggle,.navbar .nav li.dropdown.active>.dropdown-toggle,.navbar .nav li.dropdown.open.active>.dropdown-toggle{color:#555;background-color:#000}.navbar .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#0f0;border-bottom-color:#0f0}.navbar .nav li.dropdown.open>.dropdown-toggle .caret,.navbar .nav li.dropdown.active>.dropdown-toggle .caret,.navbar .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#555;border-bottom-color:#555}.navbar .pull-right>li>.dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right{right:0;left:auto}.navbar .pull-right>li>.dropdown-menu:before,.navbar .nav>li>.dropdown-menu.pull-right:before{right:12px;left:auto}.navbar .pull-right>li>.dropdown-menu:after,.navbar .nav>li>.dropdown-menu.pull-right:after{right:13px;left:auto}.navbar .pull-right>li>.dropdown-menu .dropdown-menu,.navbar .nav>li>.dropdown-menu.pull-right .dropdown-menu{right:100%;left:auto;margin-right:-1px;margin-left:0;-webkit-border-radius:6px 0 6px 6px;-moz-border-radius:6px 0 6px 6px;border-radius:6px 0 6px 6px}.navbar-inverse .navbar-inner{background-color:#f0f;background-image:-moz-linear-gradient(top,#f0f,#f0f);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f0f),to(#f0f));background-image:-webkit-linear-gradient(top,#f0f,#f0f);background-image:-o-linear-gradient(top,#f0f,#f0f);background-image:linear-gradient(to bottom,#f0f,#f0f);background-repeat:repeat-x;border-color:#008000;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff00ff',endColorstr='#ffff00ff',GradientType=0)}.navbar-inverse .brand,.navbar-inverse .nav>li>a{color:#00f;text-shadow:0 -1px 0 rgba(0,0,0,0.25)}.navbar-inverse .brand:hover,.navbar-inverse .nav>li>a:hover,.navbar-inverse .brand:focus,.navbar-inverse .nav>li>a:focus{color:#00f}.navbar-inverse .brand{color:#00f}.navbar-inverse .navbar-text{color:#000}.navbar-inverse .nav>li>a:focus,.navbar-inverse .nav>li>a:hover{color:#00f;background-color:transparent}.navbar-inverse .nav .active>a,.navbar-inverse .nav .active>a:hover,.navbar-inverse .nav .active>a:focus{color:#00f;background-color:#f0f}.navbar-inverse .navbar-link{color:#00f}.navbar-inverse .navbar-link:hover,.navbar-inverse .navbar-link:focus{color:#00f}.navbar-inverse .divider-vertical{border-right-color:#f0f;border-left-color:#f0f}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle{color:#00f;background-color:#f0f}.navbar-inverse .nav li.dropdown>a:hover .caret,.navbar-inverse .nav li.dropdown>a:focus .caret{border-top-color:#00f;border-bottom-color:#00f}.navbar-inverse .nav li.dropdown>.dropdown-toggle .caret{border-top-color:#00f;border-bottom-color:#00f}.navbar-inverse .nav li.dropdown.open>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.active>.dropdown-toggle .caret,.navbar-inverse .nav li.dropdown.open.active>.dropdown-toggle .caret{border-top-color:#00f;border-bottom-color:#00f}.navbar-inverse .navbar-search .search-query{color:#fff;background-color:#ff80ff;border-color:#f0f;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1),0 1px 0 rgba(255,255,255,0.15);-webkit-transition:none;-moz-transition:none;-o-transition:none;transition:none}.navbar-inverse .navbar-search .search-query:-moz-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:-ms-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query::-webkit-input-placeholder{color:#ccc}.navbar-inverse .navbar-search .search-query:focus,.navbar-inverse .navbar-search .search-query.focused{padding:5px 15px;color:#333;text-shadow:0 1px 0 #fff;background-color:#fff;border:0;outline:0;-webkit-box-shadow:0 0 3px rgba(0,0,0,0.15);-moz-box-shadow:0 0 3px rgba(0,0,0,0.15);box-shadow:0 0 3px rgba(0,0,0,0.15)}.navbar-inverse .btn-navbar{color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#e600e5;*background-color:#e600e5;background-image:-moz-linear-gradient(top,#e600e5,#e600e5);background-image:-webkit-gradient(linear,0 0,0 100%,from(#e600e5),to(#e600e5));background-image:-webkit-linear-gradient(top,#e600e5,#e600e5);background-image:-o-linear-gradient(top,#e600e5,#e600e5);background-image:linear-gradient(to bottom,#e600e5,#e600e5);background-repeat:repeat-x;border-color:#e600e5 #e600e5 #909;border-color:rgba(0,0,0,0.1) rgba(0,0,0,0.1) rgba(0,0,0,0.25);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe600e5',endColorstr='#ffe600e5',GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.navbar-inverse .btn-navbar:hover,.navbar-inverse .btn-navbar:focus,.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active,.navbar-inverse .btn-navbar.disabled,.navbar-inverse .btn-navbar[disabled]{color:#fff;background-color:#e600e5;*background-color:#c0c}.navbar-inverse .btn-navbar:active,.navbar-inverse .btn-navbar.active{background-color:#b300b2 \9}.breadcrumb{padding:8px 15px;margin:0 0 20px;list-style:none;background-color:#f5f5f5;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.breadcrumb>li{display:inline-block;*display:inline;text-shadow:0 1px 0 #fff;*zoom:1}.breadcrumb>li>.divider{padding:0 5px;color:#ccc}.breadcrumb>.active{color:#999}.pagination{margin:20px 0}.pagination ul{display:inline-block;*display:inline;margin-bottom:0;margin-left:0;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;*zoom:1;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.05);-moz-box-shadow:0 1px 2px rgba(0,0,0,0.05);box-shadow:0 1px 2px rgba(0,0,0,0.05)}.pagination ul>li{display:inline}.pagination ul>li>a,.pagination ul>li>span{float:left;padding:4px 12px;line-height:20px;text-decoration:none;background-color:#fff;border:1px solid #ddd;border-left-width:0}.pagination ul>li>a:hover,.pagination ul>li>a:focus,.pagination ul>.active>a,.pagination ul>.active>span{background-color:#f5f5f5}.pagination ul>.active>a,.pagination ul>.active>span{color:#999;cursor:default}.pagination ul>.disabled>span,.pagination ul>.disabled>a,.pagination ul>.disabled>a:hover,.pagination ul>.disabled>a:focus{color:#999;cursor:default;background-color:transparent}.pagination ul>li:first-child>a,.pagination ul>li:first-child>span{border-left-width:1px;-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-bottomleft:none;-moz-border-radius-topleft:none}.pagination ul>li:last-child>a,.pagination ul>li:last-child>span{-webkit-border-top-right-radius:none;border-top-right-radius:none;-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-topright:none;-moz-border-radius-bottomright:none}.pagination-centered{text-align:center}.pagination-right{text-align:right}.pagination-large ul>li>a,.pagination-large ul>li>span{padding:11px 19px;font-size:20px}.pagination-large ul>li:first-child>a,.pagination-large ul>li:first-child>span{-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-bottomleft:none;-moz-border-radius-topleft:none}.pagination-large ul>li:last-child>a,.pagination-large ul>li:last-child>span{-webkit-border-top-right-radius:none;border-top-right-radius:none;-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-topright:none;-moz-border-radius-bottomright:none}.pagination-mini ul>li:first-child>a,.pagination-small ul>li:first-child>a,.pagination-mini ul>li:first-child>span,.pagination-small ul>li:first-child>span{-webkit-border-bottom-left-radius:none;border-bottom-left-radius:none;-webkit-border-top-left-radius:none;border-top-left-radius:none;-moz-border-radius-bottomleft:none;-moz-border-radius-topleft:none}.pagination-mini ul>li:last-child>a,.pagination-small ul>li:last-child>a,.pagination-mini ul>li:last-child>span,.pagination-small ul>li:last-child>span{-webkit-border-top-right-radius:none;border-top-right-radius:none;-webkit-border-bottom-right-radius:none;border-bottom-right-radius:none;-moz-border-radius-topright:none;-moz-border-radius-bottomright:none}.pagination-small ul>li>a,.pagination-small ul>li>span{padding:2px 10px;font-size:13.6px}.pagination-mini ul>li>a,.pagination-mini ul>li>span{padding:1px 6px;font-size:12px}.pager{margin:20px 0;text-align:center;list-style:none;*zoom:1}.pager:before,.pager:after{display:table;line-height:0;content:""}.pager:after{clear:both}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;-webkit-border-radius:15px;-moz-border-radius:15px;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#f5f5f5}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999;cursor:default;background-color:#fff}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{opacity:0}.modal-backdrop,.modal-backdrop.fade.in{opacity:.8;filter:alpha(opacity=80)}.modal{position:fixed;top:10%;left:50%;z-index:1050;width:560px;margin-left:-280px;background-color:#fff;border:1px solid #999;border:1px solid rgba(0,0,0,0.3);*border:1px solid #999;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;outline:0;-webkit-box-shadow:0 3px 7px rgba(0,0,0,0.3);-moz-box-shadow:0 3px 7px rgba(0,0,0,0.3);box-shadow:0 3px 7px rgba(0,0,0,0.3);-webkit-background-clip:padding-box;-moz-background-clip:padding-box;background-clip:padding-box}.modal.fade{top:-25%;-webkit-transition:opacity .3s linear,top .3s ease-out;-moz-transition:opacity .3s linear,top .3s ease-out;-o-transition:opacity .3s linear,top .3s ease-out;transition:opacity .3s linear,top .3s ease-out}.modal.fade.in{top:10%}.modal-header{padding:9px 15px;border-bottom:1px solid #eee}.modal-header .close{margin-top:2px}.modal-header h3{margin:0;line-height:30px}.modal-body{position:relative;max-height:400px;padding:15px;overflow-y:auto}.modal-form{margin-bottom:0}.modal-footer{padding:14px 15px 15px;margin-bottom:0;text-align:right;background-color:#f5f5f5;border-top:1px solid #ddd;-webkit-border-radius:0 0 6px 6px;-moz-border-radius:0 0 6px 6px;border-radius:0 0 6px 6px;*zoom:1;-webkit-box-shadow:inset 0 1px 0 #fff;-moz-box-shadow:inset 0 1px 0 #fff;box-shadow:inset 0 1px 0 #fff}.modal-footer:before,.modal-footer:after{display:table;line-height:0;content:""}.modal-footer:after{clear:both}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.tooltip{position:absolute;z-index:1030;display:block;font-size:11px;line-height:1.4;opacity:0;filter:alpha(opacity=0);visibility:visible}.tooltip.in{opacity:.8;filter:alpha(opacity=80)}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-top-color:#000;border-width:5px 5px 0}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-right-color:#000;border-width:5px 5px 5px 0}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-left-color:#000;border-width:5px 0 5px 5px}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-bottom-color:#000;border-width:0 5px 5px}.popover{position:absolute;top:0;left:0;z-index:1010;display:none;max-width:276px;padding:1px;text-align:left;white-space:normal;background-color:#fff;border:1px solid #ccc;border:1px solid rgba(0,0,0,0.2);-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);-moz-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);-webkit-background-clip:padding-box;-moz-background-clip:padding;background-clip:padding-box}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;font-weight:normal;line-height:18px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;-webkit-border-radius:5px 5px 0 0;-moz-border-radius:5px 5px 0 0;border-radius:5px 5px 0 0}.popover-title:empty{display:none}.popover-content{padding:9px 14px}.popover .arrow,.popover .arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover .arrow{border-width:11px}.popover .arrow:after{border-width:10px;content:""}.popover.top .arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,0.25);border-bottom-width:0}.popover.top .arrow:after{bottom:1px;margin-left:-10px;border-top-color:#fff;border-bottom-width:0}.popover.right .arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,0.25);border-left-width:0}.popover.right .arrow:after{bottom:-10px;left:1px;border-right-color:#fff;border-left-width:0}.popover.bottom .arrow{top:-11px;left:50%;margin-left:-11px;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,0.25);border-top-width:0}.popover.bottom .arrow:after{top:1px;margin-left:-10px;border-bottom-color:#fff;border-top-width:0}.popover.left .arrow{top:50%;right:-11px;margin-top:-11px;border-left-color:#999;border-left-color:rgba(0,0,0,0.25);border-right-width:0}.popover.left .arrow:after{right:1px;bottom:-10px;border-left-color:#fff;border-right-width:0}.thumbnails{margin-left:-20px;list-style:none;*zoom:1}.thumbnails:before,.thumbnails:after{display:table;line-height:0;content:""}.thumbnails:after{clear:both}.row-fluid .thumbnails{margin-left:0}.thumbnails>li{float:left;margin-bottom:20px;margin-left:20px}.thumbnail{display:block;padding:4px;line-height:20px;border:1px solid #ddd;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;-webkit-box-shadow:0 1px 3px rgba(0,0,0,0.055);-moz-box-shadow:0 1px 3px rgba(0,0,0,0.055);box-shadow:0 1px 3px rgba(0,0,0,0.055);-webkit-transition:all .2s ease-in-out;-moz-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}a.thumbnail:hover,a.thumbnail:focus{border-color:#0ee;-webkit-box-shadow:0 1px 4px rgba(0,105,214,0.25);-moz-box-shadow:0 1px 4px rgba(0,105,214,0.25);box-shadow:0 1px 4px rgba(0,105,214,0.25)}.thumbnail>img{display:block;max-width:100%;margin-right:auto;margin-left:auto}.thumbnail .caption{padding:9px;color:#555}.media,.media-body{overflow:hidden;*overflow:visible;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{margin-left:0;list-style:none}.label,.badge{display:inline-block;padding:2px 4px;font-size:13.536px;font-weight:bold;line-height:14px;color:#fff;text-shadow:0 -1px 0 rgba(0,0,0,0.25);white-space:nowrap;vertical-align:baseline;background-color:#999}.label{-webkit-border-radius:3px;-moz-border-radius:3px;border-radius:3px}.badge{padding-right:9px;padding-left:9px;-webkit-border-radius:9px;-moz-border-radius:9px;border-radius:9px}.label:empty,.badge:empty{display:none}a.label:hover,a.label:focus,a.badge:hover,a.badge:focus{color:#fff;text-decoration:none;cursor:pointer}.label-important,.badge-important{background-color:#fff}.label-important[href],.badge-important[href]{background-color:#e6e6e6}.label-warning,.badge-warning{background-color:#fa0}.label-warning[href],.badge-warning[href]{background-color:#c80}.label-success,.badge-success{background-color:#fff}.label-success[href],.badge-success[href]{background-color:#e6e6e6}.label-info,.badge-info{background-color:#000}.label-info[href],.badge-info[href]{background-color:#000}.label-inverse,.badge-inverse{background-color:#333}.label-inverse[href],.badge-inverse[href]{background-color:#1a1a1a}.btn .label,.btn .badge{position:relative;top:-1px}.btn-mini .label,.btn-mini .badge{top:0}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-moz-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-ms-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:0 0}to{background-position:40px 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f7f7f7;background-image:-moz-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#f5f5f5),to(#f9f9f9));background-image:-webkit-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:-o-linear-gradient(top,#f5f5f5,#f9f9f9);background-image:linear-gradient(to bottom,#f5f5f5,#f9f9f9);background-repeat:repeat-x;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5',endColorstr='#fff9f9f9',GradientType=0);-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);-moz-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress .bar{float:left;width:0;height:100%;font-size:12px;color:#fff;text-align:center;text-shadow:0 -1px 0 rgba(0,0,0,0.25);background-color:#0e90d2;background-image:-moz-linear-gradient(top,#149bdf,#0480be);background-image:-webkit-gradient(linear,0 0,0 100%,from(#149bdf),to(#0480be));background-image:-webkit-linear-gradient(top,#149bdf,#0480be);background-image:-o-linear-gradient(top,#149bdf,#0480be);background-image:linear-gradient(to bottom,#149bdf,#0480be);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff149bdf',endColorstr='#ff0480be',GradientType=0);-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;-webkit-transition:width .6s ease;-moz-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress .bar+.bar{-webkit-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);-moz-box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 1px 0 0 rgba(0,0,0,0.15),inset 0 -1px 0 rgba(0,0,0,0.15)}.progress-striped .bar{background-color:#149bdf;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;-moz-background-size:40px 40px;-o-background-size:40px 40px;background-size:40px 40px}.progress.active .bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-moz-animation:progress-bar-stripes 2s linear infinite;-ms-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-danger .bar,.progress .bar-danger{background-color:#dd514c;background-image:-moz-linear-gradient(top,#ee5f5b,#c43c35);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ee5f5b),to(#c43c35));background-image:-webkit-linear-gradient(top,#ee5f5b,#c43c35);background-image:-o-linear-gradient(top,#ee5f5b,#c43c35);background-image:linear-gradient(to bottom,#ee5f5b,#c43c35);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffee5f5b',endColorstr='#ffc43c35',GradientType=0)}.progress-danger.progress-striped .bar,.progress-striped .bar-danger{background-color:#ee5f5b;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-success .bar,.progress .bar-success{background-color:#5eb95e;background-image:-moz-linear-gradient(top,#62c462,#57a957);background-image:-webkit-gradient(linear,0 0,0 100%,from(#62c462),to(#57a957));background-image:-webkit-linear-gradient(top,#62c462,#57a957);background-image:-o-linear-gradient(top,#62c462,#57a957);background-image:linear-gradient(to bottom,#62c462,#57a957);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff62c462',endColorstr='#ff57a957',GradientType=0)}.progress-success.progress-striped .bar,.progress-striped .bar-success{background-color:#62c462;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-info .bar,.progress .bar-info{background-color:#4bb1cf;background-image:-moz-linear-gradient(top,#5bc0de,#339bb9);background-image:-webkit-gradient(linear,0 0,0 100%,from(#5bc0de),to(#339bb9));background-image:-webkit-linear-gradient(top,#5bc0de,#339bb9);background-image:-o-linear-gradient(top,#5bc0de,#339bb9);background-image:linear-gradient(to bottom,#5bc0de,#339bb9);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de',endColorstr='#ff339bb9',GradientType=0)}.progress-info.progress-striped .bar,.progress-striped .bar-info{background-color:#5bc0de;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.progress-warning .bar,.progress .bar-warning{background-color:#ffb92e;background-image:-moz-linear-gradient(top,#ffc34d,#fa0);background-image:-webkit-gradient(linear,0 0,0 100%,from(#ffc34d),to(#fa0));background-image:-webkit-linear-gradient(top,#ffc34d,#fa0);background-image:-o-linear-gradient(top,#ffc34d,#fa0);background-image:linear-gradient(to bottom,#ffc34d,#fa0);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffc34d',endColorstr='#ffffaa00',GradientType=0)}.progress-warning.progress-striped .bar,.progress-striped .bar-warning{background-color:#ffc34d;background-image:-webkit-gradient(linear,0 100%,100% 0,color-stop(0.25,rgba(255,255,255,0.15)),color-stop(0.25,transparent),color-stop(0.5,transparent),color-stop(0.5,rgba(255,255,255,0.15)),color-stop(0.75,rgba(255,255,255,0.15)),color-stop(0.75,transparent),to(transparent));background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-moz-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,0.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,0.15) 50%,rgba(255,255,255,0.15) 75%,transparent 75%,transparent)}.accordion{margin-bottom:20px}.accordion-group{margin-bottom:2px;border:1px solid #e5e5e5;-webkit-border-radius:none;-moz-border-radius:none;border-radius:none}.accordion-heading{border-bottom:0}.accordion-heading .accordion-toggle{display:block;padding:8px 15px}.accordion-toggle{cursor:pointer}.accordion-inner{padding:9px 15px;border-top:1px solid #e5e5e5}.carousel{position:relative;margin-bottom:20px;line-height:1}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-moz-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:40%;left:15px;width:40px;height:40px;margin-top:-20px;font-size:60px;font-weight:100;line-height:30px;color:#fff;text-align:center;background:#222;border:3px solid #fff;-webkit-border-radius:23px;-moz-border-radius:23px;border-radius:23px;opacity:.5;filter:alpha(opacity=50)}.carousel-control.right{right:15px;left:auto}.carousel-control:hover,.carousel-control:focus{color:#fff;text-decoration:none;opacity:.9;filter:alpha(opacity=90)}.carousel-indicators{position:absolute;top:15px;right:15px;z-index:5;margin:0;list-style:none}.carousel-indicators li{display:block;float:left;width:10px;height:10px;margin-left:5px;text-indent:-999px;background-color:#ccc;background-color:rgba(255,255,255,0.25);border-radius:5px}.carousel-indicators .active{background-color:#fff}.carousel-caption{position:absolute;right:0;bottom:0;left:0;padding:15px;background:#333;background:rgba(0,0,0,0.75)}.carousel-caption h4,.carousel-caption p{line-height:20px;color:#fff}.carousel-caption h4{margin:0 0 5px}.carousel-caption p{margin-bottom:0}.hero-unit{padding:60px;margin-bottom:30px;font-size:18px;font-weight:200;line-height:30px;color:inherit;background-color:#eee;-webkit-border-radius:6px;-moz-border-radius:6px;border-radius:6px}.hero-unit h1{margin-bottom:0;font-size:60px;line-height:1;letter-spacing:-1px;color:inherit}.hero-unit li{line-height:30px}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed}h1{color:#f00}h2{color:#fc0}h3{color:#ff0}h4{color:#6f0}h5{color:#00f}h6{color:#f0f}.page-header{border-bottom:1px solid #b6b2a3;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.2),0 1px 0 #eae7d8;-moz-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.2),0 1px 0 #eae7d8;box-shadow:inset 0 -1px 0 rgba(0,0,0,0.2),0 1px 0 #eae7d8}a{text-decoration:underline}a:hover{text-decoration:underline!important}blink{-webkit-animation:blink 1s linear infinite;-moz-animation:blink 1s linear infinite;-ms-animation:blink 1s linear infinite;-o-animation:blink 1s linear infinite;animation:blink 1s linear infinite}body{-webkit-font-smoothing:none;background:#00f url('../../img/microfab.gif') top left}.navbar{border-bottom:1px solid #fff;-webkit-box-shadow:0 2px 0 #d4d0c8,0 3px 0 #808080,0 4px 0 #404040;-moz-box-shadow:0 2px 0 #d4d0c8,0 3px 0 #808080,0 4px 0 #404040;box-shadow:0 2px 0 #d4d0c8,0 3px 0 #808080,0 4px 0 #404040}.navbar-inner{background:#000 url('../../img/stars.gif') top left;border-bottom:1px solid #d4d0c8}.btn{border:6px ridge #bbb}.btn-primary{background:#000 url('../../img/rainbow.gif') top left}legend{font-weight:bold;color:yellow}.control-group.error input{background:#000 url('../../img/flames.gif') 0 -30px repeat-x}.dropdown-menu{-webkit-border-radius:0;-moz-border-radius:0;border-radius:0}.label-important,.badge-important{background-color:red}.label-important[href],.badge-important[href]{background-color:red}.label-warning,.badge-warning{color:black;background-color:yellow}.label-warning[href],.badge-warning[href]{color:black;background-color:yellow}.label-success,.badge-success{background-color:green}.label-success[href],.badge-success[href]{background-color:green}.label-info,.badge-info{background-color:#0ff}.label-info[href],.badge-info[href]{background-color:#0ff}.label-inverse,.badge-inverse{background-color:black}.label-inverse[href],.badge-inverse[href]{background-color:black}.hero-unit,.well{background:#000 url('../../img/stars.gif') top left}.breadcrumb{color:white;background:black}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus{background:black;border-color:black}.progress .bar{background:#c0c0c0 url('../../img/progress.gif') top left repeat-x!important;border:1px solid #fff;border-top:1px solid #808080;border-left:1px solid #808080}@-webkit-keyframes blink{0%{opacity:0}40%{opacity:0}41%{opacity:1}99%{opacity:1}100%{opacity:0}}@-moz-keyframes blink{0%{opacity:0}40%{opacity:0}41%{opacity:1}99%{opacity:1}100%{opacity:0}}@-ms-keyframes blink{0%{opacity:0}40%{opacity:0}41%{opacity:1}99%{opacity:1}100%{opacity:0}}@-o-keyframes blink{0%{opacity:0}40%{opacity:0}41%{opacity:1}99%{opacity:1}100%{opacity:0}}@keyframes blink{0%{opacity:0}40%{opacity:0}41%{opacity:1}99%{opacity:1}100%{opacity:0}}.pull-right{float:right}.pull-left{float:left}.hide{display:none}.show{display:block}.invisible{visibility:hidden}.affix{position:fixed} diff --git a/docs/build/html/_static/css/bootstrap3/bootstrap-non-responsive.css b/docs/build/html/_static/css/bootstrap3/bootstrap-non-responsive.css new file mode 100644 index 0000000..9311ee6 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootstrap-non-responsive.css @@ -0,0 +1,82 @@ +/* Template-specific stuff + * + * Customizations just for the template; these are not necessary for anything + * with disabling the responsiveness. + */ + +/* Account for fixed navbar */ +body { + min-width: 970px; +} + +/* Finesse the page header spacing */ +.page-header { + margin-bottom: 30px; +} +.page-header .lead { + margin-bottom: 10px; +} + + +/* Non-responsive overrides + * + * Utilitze the following CSS to disable the responsive-ness of the container, + * grid system, and navbar. + */ +/* Reset the container */ +.container { + width: 970px; + max-width: none !important; +} + +/* Demonstrate the grids */ +.col-xs-3 { +} + +.container .navbar-header, +.container .navbar-collapse { + margin-right: 0; + margin-left: 0; +} + +/* Always float the navbar header */ +.navbar-header { + float: left; +} + +/* Undo the collapsing navbar */ +.navbar-collapse { + display: block !important; + height: auto !important; + padding-bottom: 0; + overflow: visible !important; +} +.navbar-toggle { + display: none; +} +.navbar-collapse { + border-top: 0; +} +.navbar-brand { + margin-left: -15px; +} +/* Always apply the floated nav */ +.navbar-nav { + float: left; + margin: 0; +} +.navbar-nav > li { + float: left; +} +.navbar-nav > li > a { + padding: 15px; +} +/* Redeclare since we override the float above */ +.navbar-nav.navbar-right { + float: right; +} +/* Undo custom dropdowns */ +.navbar .navbar-nav .open .dropdown-menu { + position: absolute; + float: left; +} diff --git a/docs/build/html/_static/css/bootstrap3/bootstrap-theme.min.css b/docs/build/html/_static/css/bootstrap3/bootstrap-theme.min.css new file mode 100644 index 0000000..cefa3d1 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootstrap-theme.min.css @@ -0,0 +1,5 @@ +/*! + * Bootstrap v3.3.4 (http://getbootstrap.com) + * Copyright 2011-2015 Twitter, Inc. + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/master/LICENSE) + */.btn-danger,.btn-default,.btn-info,.btn-primary,.btn-success,.btn-warning{text-shadow:0 -1px 0 rgba(0,0,0,.2);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,.15),0 1px 1px rgba(0,0,0,.075);box-shadow:inset 0 1px 0 rgba(255,255,255,.15),0 1px 1px rgba(0,0,0,.075)}.btn-danger.active,.btn-danger:active,.btn-default.active,.btn-default:active,.btn-info.active,.btn-info:active,.btn-primary.active,.btn-primary:active,.btn-success.active,.btn-success:active,.btn-warning.active,.btn-warning:active{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,.125);box-shadow:inset 0 3px 5px rgba(0,0,0,.125)}.btn-danger .badge,.btn-default .badge,.btn-info .badge,.btn-primary .badge,.btn-success .badge,.btn-warning .badge{text-shadow:none}.btn.active,.btn:active{background-image:none}.btn-default{text-shadow:0 1px 0 #fff;background-image:-webkit-linear-gradient(top,#fff 0,#e0e0e0 100%);background-image:-o-linear-gradient(top,#fff 0,#e0e0e0 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#fff),to(#e0e0e0));background-image:linear-gradient(to bottom,#fff 0,#e0e0e0 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff', endColorstr='#ffe0e0e0', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#dbdbdb;border-color:#ccc}.btn-default:focus,.btn-default:hover{background-color:#e0e0e0;background-position:0 -15px}.btn-default.active,.btn-default:active{background-color:#e0e0e0;border-color:#dbdbdb}.btn-default.disabled,.btn-default:disabled,.btn-default[disabled]{background-color:#e0e0e0;background-image:none}.btn-primary{background-image:-webkit-linear-gradient(top,#337ab7 0,#265a88 100%);background-image:-o-linear-gradient(top,#337ab7 0,#265a88 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#265a88));background-image:linear-gradient(to bottom,#337ab7 0,#265a88 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff265a88', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#245580}.btn-primary:focus,.btn-primary:hover{background-color:#265a88;background-position:0 -15px}.btn-primary.active,.btn-primary:active{background-color:#265a88;border-color:#245580}.btn-primary.disabled,.btn-primary:disabled,.btn-primary[disabled]{background-color:#265a88;background-image:none}.btn-success{background-image:-webkit-linear-gradient(top,#5cb85c 0,#419641 100%);background-image:-o-linear-gradient(top,#5cb85c 0,#419641 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#5cb85c),to(#419641));background-image:linear-gradient(to bottom,#5cb85c 0,#419641 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5cb85c', endColorstr='#ff419641', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#3e8f3e}.btn-success:focus,.btn-success:hover{background-color:#419641;background-position:0 -15px}.btn-success.active,.btn-success:active{background-color:#419641;border-color:#3e8f3e}.btn-success.disabled,.btn-success:disabled,.btn-success[disabled]{background-color:#419641;background-image:none}.btn-info{background-image:-webkit-linear-gradient(top,#5bc0de 0,#2aabd2 100%);background-image:-o-linear-gradient(top,#5bc0de 0,#2aabd2 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#5bc0de),to(#2aabd2));background-image:linear-gradient(to bottom,#5bc0de 0,#2aabd2 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de', endColorstr='#ff2aabd2', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#28a4c9}.btn-info:focus,.btn-info:hover{background-color:#2aabd2;background-position:0 -15px}.btn-info.active,.btn-info:active{background-color:#2aabd2;border-color:#28a4c9}.btn-info.disabled,.btn-info:disabled,.btn-info[disabled]{background-color:#2aabd2;background-image:none}.btn-warning{background-image:-webkit-linear-gradient(top,#f0ad4e 0,#eb9316 100%);background-image:-o-linear-gradient(top,#f0ad4e 0,#eb9316 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f0ad4e),to(#eb9316));background-image:linear-gradient(to bottom,#f0ad4e 0,#eb9316 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff0ad4e', endColorstr='#ffeb9316', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#e38d13}.btn-warning:focus,.btn-warning:hover{background-color:#eb9316;background-position:0 -15px}.btn-warning.active,.btn-warning:active{background-color:#eb9316;border-color:#e38d13}.btn-warning.disabled,.btn-warning:disabled,.btn-warning[disabled]{background-color:#eb9316;background-image:none}.btn-danger{background-image:-webkit-linear-gradient(top,#d9534f 0,#c12e2a 100%);background-image:-o-linear-gradient(top,#d9534f 0,#c12e2a 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#d9534f),to(#c12e2a));background-image:linear-gradient(to bottom,#d9534f 0,#c12e2a 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd9534f', endColorstr='#ffc12e2a', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-color:#b92c28}.btn-danger:focus,.btn-danger:hover{background-color:#c12e2a;background-position:0 -15px}.btn-danger.active,.btn-danger:active{background-color:#c12e2a;border-color:#b92c28}.btn-danger.disabled,.btn-danger:disabled,.btn-danger[disabled]{background-color:#c12e2a;background-image:none}.img-thumbnail,.thumbnail{-webkit-box-shadow:0 1px 2px rgba(0,0,0,.075);box-shadow:0 1px 2px rgba(0,0,0,.075)}.dropdown-menu>li>a:focus,.dropdown-menu>li>a:hover{background-color:#e8e8e8;background-image:-webkit-linear-gradient(top,#f5f5f5 0,#e8e8e8 100%);background-image:-o-linear-gradient(top,#f5f5f5 0,#e8e8e8 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f5f5f5),to(#e8e8e8));background-image:linear-gradient(to bottom,#f5f5f5 0,#e8e8e8 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5', endColorstr='#ffe8e8e8', GradientType=0);background-repeat:repeat-x}.dropdown-menu>.active>a,.dropdown-menu>.active>a:focus,.dropdown-menu>.active>a:hover{background-color:#2e6da4;background-image:-webkit-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-o-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#2e6da4));background-image:linear-gradient(to bottom,#337ab7 0,#2e6da4 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff2e6da4', GradientType=0);background-repeat:repeat-x}.navbar-default{background-image:-webkit-linear-gradient(top,#fff 0,#f8f8f8 100%);background-image:-o-linear-gradient(top,#fff 0,#f8f8f8 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#fff),to(#f8f8f8));background-image:linear-gradient(to bottom,#fff 0,#f8f8f8 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff', endColorstr='#fff8f8f8', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x;border-radius:4px;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,.15),0 1px 5px rgba(0,0,0,.075);box-shadow:inset 0 1px 0 rgba(255,255,255,.15),0 1px 5px rgba(0,0,0,.075)}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.open>a{background-image:-webkit-linear-gradient(top,#dbdbdb 0,#e2e2e2 100%);background-image:-o-linear-gradient(top,#dbdbdb 0,#e2e2e2 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#dbdbdb),to(#e2e2e2));background-image:linear-gradient(to bottom,#dbdbdb 0,#e2e2e2 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdbdbdb', endColorstr='#ffe2e2e2', GradientType=0);background-repeat:repeat-x;-webkit-box-shadow:inset 0 3px 9px rgba(0,0,0,.075);box-shadow:inset 0 3px 9px rgba(0,0,0,.075)}.navbar-brand,.navbar-nav>li>a{text-shadow:0 1px 0 rgba(255,255,255,.25)}.navbar-inverse{background-image:-webkit-linear-gradient(top,#3c3c3c 0,#222 100%);background-image:-o-linear-gradient(top,#3c3c3c 0,#222 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#3c3c3c),to(#222));background-image:linear-gradient(to bottom,#3c3c3c 0,#222 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff3c3c3c', endColorstr='#ff222222', GradientType=0);filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);background-repeat:repeat-x}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.open>a{background-image:-webkit-linear-gradient(top,#080808 0,#0f0f0f 100%);background-image:-o-linear-gradient(top,#080808 0,#0f0f0f 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#080808),to(#0f0f0f));background-image:linear-gradient(to bottom,#080808 0,#0f0f0f 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff080808', endColorstr='#ff0f0f0f', GradientType=0);background-repeat:repeat-x;-webkit-box-shadow:inset 0 3px 9px rgba(0,0,0,.25);box-shadow:inset 0 3px 9px rgba(0,0,0,.25)}.navbar-inverse .navbar-brand,.navbar-inverse .navbar-nav>li>a{text-shadow:0 -1px 0 rgba(0,0,0,.25)}.navbar-fixed-bottom,.navbar-fixed-top,.navbar-static-top{border-radius:0}@media (max-width:767px){.navbar .navbar-nav .open .dropdown-menu>.active>a,.navbar .navbar-nav .open .dropdown-menu>.active>a:focus,.navbar .navbar-nav .open .dropdown-menu>.active>a:hover{color:#fff;background-image:-webkit-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-o-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#2e6da4));background-image:linear-gradient(to bottom,#337ab7 0,#2e6da4 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff2e6da4', GradientType=0);background-repeat:repeat-x}}.alert{text-shadow:0 1px 0 rgba(255,255,255,.2);-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,.25),0 1px 2px rgba(0,0,0,.05);box-shadow:inset 0 1px 0 rgba(255,255,255,.25),0 1px 2px rgba(0,0,0,.05)}.alert-success{background-image:-webkit-linear-gradient(top,#dff0d8 0,#c8e5bc 100%);background-image:-o-linear-gradient(top,#dff0d8 0,#c8e5bc 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#dff0d8),to(#c8e5bc));background-image:linear-gradient(to bottom,#dff0d8 0,#c8e5bc 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdff0d8', endColorstr='#ffc8e5bc', GradientType=0);background-repeat:repeat-x;border-color:#b2dba1}.alert-info{background-image:-webkit-linear-gradient(top,#d9edf7 0,#b9def0 100%);background-image:-o-linear-gradient(top,#d9edf7 0,#b9def0 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#d9edf7),to(#b9def0));background-image:linear-gradient(to bottom,#d9edf7 0,#b9def0 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd9edf7', endColorstr='#ffb9def0', GradientType=0);background-repeat:repeat-x;border-color:#9acfea}.alert-warning{background-image:-webkit-linear-gradient(top,#fcf8e3 0,#f8efc0 100%);background-image:-o-linear-gradient(top,#fcf8e3 0,#f8efc0 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#fcf8e3),to(#f8efc0));background-image:linear-gradient(to bottom,#fcf8e3 0,#f8efc0 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffcf8e3', endColorstr='#fff8efc0', GradientType=0);background-repeat:repeat-x;border-color:#f5e79e}.alert-danger{background-image:-webkit-linear-gradient(top,#f2dede 0,#e7c3c3 100%);background-image:-o-linear-gradient(top,#f2dede 0,#e7c3c3 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f2dede),to(#e7c3c3));background-image:linear-gradient(to bottom,#f2dede 0,#e7c3c3 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff2dede', endColorstr='#ffe7c3c3', GradientType=0);background-repeat:repeat-x;border-color:#dca7a7}.progress{background-image:-webkit-linear-gradient(top,#ebebeb 0,#f5f5f5 100%);background-image:-o-linear-gradient(top,#ebebeb 0,#f5f5f5 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#ebebeb),to(#f5f5f5));background-image:linear-gradient(to bottom,#ebebeb 0,#f5f5f5 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffebebeb', endColorstr='#fff5f5f5', GradientType=0);background-repeat:repeat-x}.progress-bar{background-image:-webkit-linear-gradient(top,#337ab7 0,#286090 100%);background-image:-o-linear-gradient(top,#337ab7 0,#286090 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#286090));background-image:linear-gradient(to bottom,#337ab7 0,#286090 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff286090', GradientType=0);background-repeat:repeat-x}.progress-bar-success{background-image:-webkit-linear-gradient(top,#5cb85c 0,#449d44 100%);background-image:-o-linear-gradient(top,#5cb85c 0,#449d44 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#5cb85c),to(#449d44));background-image:linear-gradient(to bottom,#5cb85c 0,#449d44 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5cb85c', endColorstr='#ff449d44', GradientType=0);background-repeat:repeat-x}.progress-bar-info{background-image:-webkit-linear-gradient(top,#5bc0de 0,#31b0d5 100%);background-image:-o-linear-gradient(top,#5bc0de 0,#31b0d5 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#5bc0de),to(#31b0d5));background-image:linear-gradient(to bottom,#5bc0de 0,#31b0d5 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5bc0de', endColorstr='#ff31b0d5', GradientType=0);background-repeat:repeat-x}.progress-bar-warning{background-image:-webkit-linear-gradient(top,#f0ad4e 0,#ec971f 100%);background-image:-o-linear-gradient(top,#f0ad4e 0,#ec971f 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f0ad4e),to(#ec971f));background-image:linear-gradient(to bottom,#f0ad4e 0,#ec971f 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff0ad4e', endColorstr='#ffec971f', GradientType=0);background-repeat:repeat-x}.progress-bar-danger{background-image:-webkit-linear-gradient(top,#d9534f 0,#c9302c 100%);background-image:-o-linear-gradient(top,#d9534f 0,#c9302c 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#d9534f),to(#c9302c));background-image:linear-gradient(to bottom,#d9534f 0,#c9302c 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd9534f', endColorstr='#ffc9302c', GradientType=0);background-repeat:repeat-x}.progress-bar-striped{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent)}.list-group{border-radius:4px;-webkit-box-shadow:0 1px 2px rgba(0,0,0,.075);box-shadow:0 1px 2px rgba(0,0,0,.075)}.list-group-item.active,.list-group-item.active:focus,.list-group-item.active:hover{text-shadow:0 -1px 0 #286090;background-image:-webkit-linear-gradient(top,#337ab7 0,#2b669a 100%);background-image:-o-linear-gradient(top,#337ab7 0,#2b669a 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#2b669a));background-image:linear-gradient(to bottom,#337ab7 0,#2b669a 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff2b669a', GradientType=0);background-repeat:repeat-x;border-color:#2b669a}.list-group-item.active .badge,.list-group-item.active:focus .badge,.list-group-item.active:hover .badge{text-shadow:none}.panel{-webkit-box-shadow:0 1px 2px rgba(0,0,0,.05);box-shadow:0 1px 2px rgba(0,0,0,.05)}.panel-default>.panel-heading{background-image:-webkit-linear-gradient(top,#f5f5f5 0,#e8e8e8 100%);background-image:-o-linear-gradient(top,#f5f5f5 0,#e8e8e8 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f5f5f5),to(#e8e8e8));background-image:linear-gradient(to bottom,#f5f5f5 0,#e8e8e8 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff5f5f5', endColorstr='#ffe8e8e8', GradientType=0);background-repeat:repeat-x}.panel-primary>.panel-heading{background-image:-webkit-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-o-linear-gradient(top,#337ab7 0,#2e6da4 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#337ab7),to(#2e6da4));background-image:linear-gradient(to bottom,#337ab7 0,#2e6da4 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff337ab7', endColorstr='#ff2e6da4', GradientType=0);background-repeat:repeat-x}.panel-success>.panel-heading{background-image:-webkit-linear-gradient(top,#dff0d8 0,#d0e9c6 100%);background-image:-o-linear-gradient(top,#dff0d8 0,#d0e9c6 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#dff0d8),to(#d0e9c6));background-image:linear-gradient(to bottom,#dff0d8 0,#d0e9c6 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffdff0d8', endColorstr='#ffd0e9c6', GradientType=0);background-repeat:repeat-x}.panel-info>.panel-heading{background-image:-webkit-linear-gradient(top,#d9edf7 0,#c4e3f3 100%);background-image:-o-linear-gradient(top,#d9edf7 0,#c4e3f3 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#d9edf7),to(#c4e3f3));background-image:linear-gradient(to bottom,#d9edf7 0,#c4e3f3 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffd9edf7', endColorstr='#ffc4e3f3', GradientType=0);background-repeat:repeat-x}.panel-warning>.panel-heading{background-image:-webkit-linear-gradient(top,#fcf8e3 0,#faf2cc 100%);background-image:-o-linear-gradient(top,#fcf8e3 0,#faf2cc 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#fcf8e3),to(#faf2cc));background-image:linear-gradient(to bottom,#fcf8e3 0,#faf2cc 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffcf8e3', endColorstr='#fffaf2cc', GradientType=0);background-repeat:repeat-x}.panel-danger>.panel-heading{background-image:-webkit-linear-gradient(top,#f2dede 0,#ebcccc 100%);background-image:-o-linear-gradient(top,#f2dede 0,#ebcccc 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#f2dede),to(#ebcccc));background-image:linear-gradient(to bottom,#f2dede 0,#ebcccc 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff2dede', endColorstr='#ffebcccc', GradientType=0);background-repeat:repeat-x}.well{background-image:-webkit-linear-gradient(top,#e8e8e8 0,#f5f5f5 100%);background-image:-o-linear-gradient(top,#e8e8e8 0,#f5f5f5 100%);background-image:-webkit-gradient(linear,left top,left bottom,from(#e8e8e8),to(#f5f5f5));background-image:linear-gradient(to bottom,#e8e8e8 0,#f5f5f5 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe8e8e8', endColorstr='#fff5f5f5', GradientType=0);background-repeat:repeat-x;border-color:#dcdcdc;-webkit-box-shadow:inset 0 1px 3px rgba(0,0,0,.05),0 1px 0 rgba(255,255,255,.1);box-shadow:inset 0 1px 3px rgba(0,0,0,.05),0 1px 0 rgba(255,255,255,.1)} \ No newline at end of file diff --git a/docs/build/html/_static/css/bootstrap3/bootstrap.min.css b/docs/build/html/_static/css/bootstrap3/bootstrap.min.css new file mode 100644 index 0000000..4c5fdc4 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootstrap.min.css @@ -0,0 +1,5 @@ +/*! + * Bootstrap v3.3.4 (http://getbootstrap.com) + * Copyright 2011-2015 Twitter, Inc. + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/master/LICENSE) + *//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-webkit-text-size-adjust:100%;-ms-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:700}dfn{font-style:italic}h1{margin:.67em 0;font-size:2em}mark{color:#000;background:#ff0}small{font-size:80%}sub,sup{position:relative;font-size:75%;line-height:0;vertical-align:baseline}sup{top:-.5em}sub{bottom:-.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{height:0;-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace,monospace;font-size:1em}button,input,optgroup,select,textarea{margin:0;font:inherit;color:inherit}button{overflow:visible}button,select{text-transform:none}button,html input[type=button],input[type=reset],input[type=submit]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{padding:0;border:0}input{line-height:normal}input[type=checkbox],input[type=radio]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type=number]::-webkit-inner-spin-button,input[type=number]::-webkit-outer-spin-button{height:auto}input[type=search]{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;-webkit-appearance:textfield}input[type=search]::-webkit-search-cancel-button,input[type=search]::-webkit-search-decoration{-webkit-appearance:none}fieldset{padding:.35em .625em .75em;margin:0 2px;border:1px solid silver}legend{padding:0;border:0}textarea{overflow:auto}optgroup{font-weight:700}table{border-spacing:0;border-collapse:collapse}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,:after,:before{color:#000!important;text-shadow:none!important;background:0 0!important;-webkit-box-shadow:none!important;box-shadow:none!important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="javascript:"]:after,a[href^="#"]:after{content:""}blockquote,pre{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}img,tr{page-break-inside:avoid}img{max-width:100%!important}h2,h3,p{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff!important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000!important}.label{border:1px solid #000}.table{border-collapse:collapse!important}.table td,.table th{background-color:#fff!important}.table-bordered td,.table-bordered th{border:1px solid #ddd!important}}@font-face{font-family:'Glyphicons Halflings';src:url(../../fonts/glyphicons-halflings-regular.eot);src:url(../../fonts/glyphicons-halflings-regular.eot?#iefix) format('embedded-opentype'),url(../../fonts/glyphicons-halflings-regular.woff2) format('woff2'),url(../../fonts/glyphicons-halflings-regular.woff) format('woff'),url(../../fonts/glyphicons-halflings-regular.ttf) format('truetype'),url(../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular) format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:400;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-eur:before,.glyphicon-euro:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}:after,:before{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#333;background-color:#fff}button,input,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#337ab7;text-decoration:none}a:focus,a:hover{color:#23527c;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.carousel-inner>.item>a>img,.carousel-inner>.item>img,.img-responsive,.thumbnail a>img,.thumbnail>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{display:inline-block;max-width:100%;height:auto;padding:4px;line-height:1.42857143;background-color:#fff;border:1px solid #ddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #eee}.sr-only{position:absolute;width:1px;height:1px;padding:0;margin:-1px;overflow:hidden;clip:rect(0,0,0,0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role=button]{cursor:pointer}.h1,.h2,.h3,.h4,.h5,.h6,h1,h2,h3,h4,h5,h6{font-family:inherit;font-weight:500;line-height:1.1;color:inherit}.h1 .small,.h1 small,.h2 .small,.h2 small,.h3 .small,.h3 small,.h4 .small,.h4 small,.h5 .small,.h5 small,.h6 .small,.h6 small,h1 .small,h1 small,h2 .small,h2 small,h3 .small,h3 small,h4 .small,h4 small,h5 .small,h5 small,h6 .small,h6 small{font-weight:400;line-height:1;color:#777}.h1,.h2,.h3,h1,h2,h3{margin-top:20px;margin-bottom:10px}.h1 .small,.h1 small,.h2 .small,.h2 small,.h3 .small,.h3 small,h1 .small,h1 small,h2 .small,h2 small,h3 .small,h3 small{font-size:65%}.h4,.h5,.h6,h4,h5,h6{margin-top:10px;margin-bottom:10px}.h4 .small,.h4 small,.h5 .small,.h5 small,.h6 .small,.h6 small,h4 .small,h4 small,h5 .small,h5 small,h6 .small,h6 small{font-size:75%}.h1,h1{font-size:36px}.h2,h2{font-size:30px}.h3,h3{font-size:24px}.h4,h4{font-size:18px}.h5,h5{font-size:14px}.h6,h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}.small,small{font-size:85%}.mark,mark{padding:.2em;background-color:#fcf8e3}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#777}.text-primary{color:#337ab7}a.text-primary:hover{color:#286090}.text-success{color:#3c763d}a.text-success:hover{color:#2b542c}.text-info{color:#31708f}a.text-info:hover{color:#245269}.text-warning{color:#8a6d3b}a.text-warning:hover{color:#66512c}.text-danger{color:#a94442}a.text-danger:hover{color:#843534}.bg-primary{color:#fff;background-color:#337ab7}a.bg-primary:hover{background-color:#286090}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #eee}ol,ul{margin-top:0;margin-bottom:10px}ol ol,ol ul,ul ol,ul ul{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;margin-left:-5px;list-style:none}.list-inline>li{display:inline-block;padding-right:5px;padding-left:5px}dl{margin-top:0;margin-bottom:20px}dd,dt{line-height:1.42857143}dt{font-weight:700}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;overflow:hidden;clear:left;text-align:right;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[data-original-title],abbr[title]{cursor:help;border-bottom:1px dotted #777}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #eee}blockquote ol:last-child,blockquote p:last-child,blockquote ul:last-child{margin-bottom:0}blockquote .small,blockquote footer,blockquote small{display:block;font-size:80%;line-height:1.42857143;color:#777}blockquote .small:before,blockquote footer:before,blockquote small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;text-align:right;border-right:5px solid #eee;border-left:0}.blockquote-reverse .small:before,.blockquote-reverse footer:before,.blockquote-reverse small:before,blockquote.pull-right .small:before,blockquote.pull-right footer:before,blockquote.pull-right small:before{content:''}.blockquote-reverse .small:after,.blockquote-reverse footer:after,.blockquote-reverse small:after,blockquote.pull-right .small:after,blockquote.pull-right footer:after,blockquote.pull-right small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#fff;background-color:#333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,.25)}kbd kbd{padding:0;font-size:100%;font-weight:700;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;color:#333;word-break:break-all;word-wrap:break-word;background-color:#f5f5f5;border:1px solid #ccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{padding-right:15px;padding-left:15px;margin-right:auto;margin-left:auto}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{padding-right:15px;padding-left:15px;margin-right:auto;margin-left:auto}.row{margin-right:-15px;margin-left:-15px}.col-lg-1,.col-lg-10,.col-lg-11,.col-lg-12,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-md-1,.col-md-10,.col-md-11,.col-md-12,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-sm-1,.col-sm-10,.col-sm-11,.col-sm-12,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-xs-1,.col-xs-10,.col-xs-11,.col-xs-12,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9{position:relative;min-height:1px;padding-right:15px;padding-left:15px}.col-xs-1,.col-xs-10,.col-xs-11,.col-xs-12,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0}@media (min-width:768px){.col-sm-1,.col-sm-10,.col-sm-11,.col-sm-12,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0}}@media (min-width:992px){.col-md-1,.col-md-10,.col-md-11,.col-md-12,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0}}@media (min-width:1200px){.col-lg-1,.col-lg-10,.col-lg-11,.col-lg-12,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#777;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>tbody>tr>td,.table>tbody>tr>th,.table>tfoot>tr>td,.table>tfoot>tr>th,.table>thead>tr>td,.table>thead>tr>th{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #ddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #ddd}.table>caption+thead>tr:first-child>td,.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>td,.table>thead:first-child>tr:first-child>th{border-top:0}.table>tbody+tbody{border-top:2px solid #ddd}.table .table{background-color:#fff}.table-condensed>tbody>tr>td,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>td,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>thead>tr>th{padding:5px}.table-bordered{border:1px solid #ddd}.table-bordered>tbody>tr>td,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>td,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>thead>tr>th{border:1px solid #ddd}.table-bordered>thead>tr>td,.table-bordered>thead>tr>th{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*=col-]{position:static;display:table-column;float:none}table td[class*=col-],table th[class*=col-]{position:static;display:table-cell;float:none}.table>tbody>tr.active>td,.table>tbody>tr.active>th,.table>tbody>tr>td.active,.table>tbody>tr>th.active,.table>tfoot>tr.active>td,.table>tfoot>tr.active>th,.table>tfoot>tr>td.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>thead>tr.active>th,.table>thead>tr>td.active,.table>thead>tr>th.active{background-color:#f5f5f5}.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr.active:hover>th,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover{background-color:#e8e8e8}.table>tbody>tr.success>td,.table>tbody>tr.success>th,.table>tbody>tr>td.success,.table>tbody>tr>th.success,.table>tfoot>tr.success>td,.table>tfoot>tr.success>th,.table>tfoot>tr>td.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>thead>tr.success>th,.table>thead>tr>td.success,.table>thead>tr>th.success{background-color:#dff0d8}.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr.success:hover>th,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover{background-color:#d0e9c6}.table>tbody>tr.info>td,.table>tbody>tr.info>th,.table>tbody>tr>td.info,.table>tbody>tr>th.info,.table>tfoot>tr.info>td,.table>tfoot>tr.info>th,.table>tfoot>tr>td.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>thead>tr.info>th,.table>thead>tr>td.info,.table>thead>tr>th.info{background-color:#d9edf7}.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr.info:hover>th,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover{background-color:#c4e3f3}.table>tbody>tr.warning>td,.table>tbody>tr.warning>th,.table>tbody>tr>td.warning,.table>tbody>tr>th.warning,.table>tfoot>tr.warning>td,.table>tfoot>tr.warning>th,.table>tfoot>tr>td.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>thead>tr.warning>th,.table>thead>tr>td.warning,.table>thead>tr>th.warning{background-color:#fcf8e3}.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr.warning:hover>th,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover{background-color:#faf2cc}.table>tbody>tr.danger>td,.table>tbody>tr.danger>th,.table>tbody>tr>td.danger,.table>tbody>tr>th.danger,.table>tfoot>tr.danger>td,.table>tfoot>tr.danger>th,.table>tfoot>tr>td.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>thead>tr.danger>th,.table>thead>tr>td.danger,.table>thead>tr>th.danger{background-color:#f2dede}.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr.danger:hover>th,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover{background-color:#ebcccc}.table-responsive{min-height:.01%;overflow-x:auto}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #ddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>td,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>thead>tr>th{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>thead>tr>th:first-child{border-left:0}.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>thead>tr>th:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}}fieldset{min-width:0;padding:0;margin:0;border:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:700}input[type=search]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type=checkbox],input[type=radio]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type=file]{display:block}input[type=range]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type=file]:focus,input[type=checkbox]:focus,input[type=radio]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:7px;font-size:14px;line-height:1.42857143;color:#555}.form-control{display:block;width:100%;height:34px;padding:6px 12px;font-size:14px;line-height:1.42857143;color:#555;background-color:#fff;background-image:none;border:1px solid #ccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075);box-shadow:inset 0 1px 1px rgba(0,0,0,.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 8px rgba(102,175,233,.6);box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 8px rgba(102,175,233,.6)}.form-control::-moz-placeholder{color:#999;opacity:1}.form-control:-ms-input-placeholder{color:#999}.form-control::-webkit-input-placeholder{color:#999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type=search]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type=date],input[type=time],input[type=datetime-local],input[type=month]{line-height:34px}.input-group-sm input[type=date],.input-group-sm input[type=time],.input-group-sm input[type=datetime-local],.input-group-sm input[type=month],input[type=date].input-sm,input[type=time].input-sm,input[type=datetime-local].input-sm,input[type=month].input-sm{line-height:30px}.input-group-lg input[type=date],.input-group-lg input[type=time],.input-group-lg input[type=datetime-local],.input-group-lg input[type=month],input[type=date].input-lg,input[type=time].input-lg,input[type=datetime-local].input-lg,input[type=month].input-lg{line-height:46px}}.form-group{margin-bottom:15px}.checkbox,.radio{position:relative;display:block;margin-top:10px;margin-bottom:10px}.checkbox label,.radio label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:400;cursor:pointer}.checkbox input[type=checkbox],.checkbox-inline input[type=checkbox],.radio input[type=radio],.radio-inline input[type=radio]{position:absolute;margin-top:4px \9;margin-left:-20px}.checkbox+.checkbox,.radio+.radio{margin-top:-5px}.checkbox-inline,.radio-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;font-weight:400;vertical-align:middle;cursor:pointer}.checkbox-inline+.checkbox-inline,.radio-inline+.radio-inline{margin-top:0;margin-left:10px}fieldset[disabled] input[type=checkbox],fieldset[disabled] input[type=radio],input[type=checkbox].disabled,input[type=checkbox][disabled],input[type=radio].disabled,input[type=radio][disabled]{cursor:not-allowed}.checkbox-inline.disabled,.radio-inline.disabled,fieldset[disabled] .checkbox-inline,fieldset[disabled] .radio-inline{cursor:not-allowed}.checkbox.disabled label,.radio.disabled label,fieldset[disabled] .checkbox label,fieldset[disabled] .radio label{cursor:not-allowed}.form-control-static{min-height:34px;padding-top:7px;padding-bottom:7px;margin-bottom:0}.form-control-static.input-lg,.form-control-static.input-sm{padding-right:0;padding-left:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}select[multiple].input-sm,textarea.input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}select[multiple].form-group-sm .form-control,textarea.form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;min-height:32px;padding:5px 10px;font-size:12px;line-height:1.5}.input-lg{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:46px;line-height:46px}select[multiple].input-lg,textarea.input-lg{height:auto}.form-group-lg .form-control{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:46px;line-height:46px}select[multiple].form-group-lg .form-control,textarea.form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:46px;min-height:38px;padding:10px 16px;font-size:18px;line-height:1.3333333}.has-feedback{position:relative}.has-feedback .form-control{padding-right:42.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:34px;height:34px;line-height:34px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:46px;height:46px;line-height:46px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .checkbox,.has-success .checkbox-inline,.has-success .control-label,.has-success .help-block,.has-success .radio,.has-success .radio-inline,.has-success.checkbox label,.has-success.checkbox-inline label,.has-success.radio label,.has-success.radio-inline label{color:#3c763d}.has-success .form-control{border-color:#3c763d;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075);box-shadow:inset 0 1px 1px rgba(0,0,0,.075)}.has-success .form-control:focus{border-color:#2b542c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #67b168;box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #67b168}.has-success .input-group-addon{color:#3c763d;background-color:#dff0d8;border-color:#3c763d}.has-success .form-control-feedback{color:#3c763d}.has-warning .checkbox,.has-warning .checkbox-inline,.has-warning .control-label,.has-warning .help-block,.has-warning .radio,.has-warning .radio-inline,.has-warning.checkbox label,.has-warning.checkbox-inline label,.has-warning.radio label,.has-warning.radio-inline label{color:#8a6d3b}.has-warning .form-control{border-color:#8a6d3b;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075);box-shadow:inset 0 1px 1px rgba(0,0,0,.075)}.has-warning .form-control:focus{border-color:#66512c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #c0a16b;box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #c0a16b}.has-warning .input-group-addon{color:#8a6d3b;background-color:#fcf8e3;border-color:#8a6d3b}.has-warning .form-control-feedback{color:#8a6d3b}.has-error .checkbox,.has-error .checkbox-inline,.has-error .control-label,.has-error .help-block,.has-error .radio,.has-error .radio-inline,.has-error.checkbox label,.has-error.checkbox-inline label,.has-error.radio label,.has-error.radio-inline label{color:#a94442}.has-error .form-control{border-color:#a94442;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075);box-shadow:inset 0 1px 1px rgba(0,0,0,.075)}.has-error .form-control:focus{border-color:#843534;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #ce8483;box-shadow:inset 0 1px 1px rgba(0,0,0,.075),0 0 6px #ce8483}.has-error .input-group-addon{color:#a94442;background-color:#f2dede;border-color:#a94442}.has-error .form-control-feedback{color:#a94442}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#737373}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .form-control,.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .checkbox,.form-inline .radio{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .checkbox label,.form-inline .radio label{padding-left:0}.form-inline .checkbox input[type=checkbox],.form-inline .radio input[type=radio]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .checkbox,.form-horizontal .checkbox-inline,.form-horizontal .radio,.form-horizontal .radio-inline{padding-top:7px;margin-top:0;margin-bottom:0}.form-horizontal .checkbox,.form-horizontal .radio{min-height:27px}.form-horizontal .form-group{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.form-horizontal .control-label{padding-top:7px;margin-bottom:0;text-align:right}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:14.33px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;padding:6px 12px;margin-bottom:0;font-size:14px;font-weight:400;line-height:1.42857143;text-align:center;white-space:nowrap;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none;background-image:none;border:1px solid transparent;border-radius:4px}.btn.active.focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn:active:focus,.btn:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn.focus,.btn:focus,.btn:hover{color:#333;text-decoration:none}.btn.active,.btn:active{background-image:none;outline:0;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,.125);box-shadow:inset 0 3px 5px rgba(0,0,0,.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{pointer-events:none;cursor:not-allowed;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none;opacity:.65}.btn-default{color:#333;background-color:#fff;border-color:#ccc}.btn-default.active,.btn-default.focus,.btn-default:active,.btn-default:focus,.btn-default:hover,.open>.dropdown-toggle.btn-default{color:#333;background-color:#e6e6e6;border-color:#adadad}.btn-default.active,.btn-default:active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default.disabled.active,.btn-default.disabled.focus,.btn-default.disabled:active,.btn-default.disabled:focus,.btn-default.disabled:hover,.btn-default[disabled],.btn-default[disabled].active,.btn-default[disabled].focus,.btn-default[disabled]:active,.btn-default[disabled]:focus,.btn-default[disabled]:hover,fieldset[disabled] .btn-default,fieldset[disabled] .btn-default.active,fieldset[disabled] .btn-default.focus,fieldset[disabled] .btn-default:active,fieldset[disabled] .btn-default:focus,fieldset[disabled] .btn-default:hover{background-color:#fff;border-color:#ccc}.btn-default .badge{color:#fff;background-color:#333}.btn-primary{color:#fff;background-color:#337ab7;border-color:#2e6da4}.btn-primary.active,.btn-primary.focus,.btn-primary:active,.btn-primary:focus,.btn-primary:hover,.open>.dropdown-toggle.btn-primary{color:#fff;background-color:#286090;border-color:#204d74}.btn-primary.active,.btn-primary:active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary.disabled.active,.btn-primary.disabled.focus,.btn-primary.disabled:active,.btn-primary.disabled:focus,.btn-primary.disabled:hover,.btn-primary[disabled],.btn-primary[disabled].active,.btn-primary[disabled].focus,.btn-primary[disabled]:active,.btn-primary[disabled]:focus,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary,fieldset[disabled] .btn-primary.active,fieldset[disabled] .btn-primary.focus,fieldset[disabled] .btn-primary:active,fieldset[disabled] .btn-primary:focus,fieldset[disabled] .btn-primary:hover{background-color:#337ab7;border-color:#2e6da4}.btn-primary .badge{color:#337ab7;background-color:#fff}.btn-success{color:#fff;background-color:#5cb85c;border-color:#4cae4c}.btn-success.active,.btn-success.focus,.btn-success:active,.btn-success:focus,.btn-success:hover,.open>.dropdown-toggle.btn-success{color:#fff;background-color:#449d44;border-color:#398439}.btn-success.active,.btn-success:active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success.disabled.active,.btn-success.disabled.focus,.btn-success.disabled:active,.btn-success.disabled:focus,.btn-success.disabled:hover,.btn-success[disabled],.btn-success[disabled].active,.btn-success[disabled].focus,.btn-success[disabled]:active,.btn-success[disabled]:focus,.btn-success[disabled]:hover,fieldset[disabled] .btn-success,fieldset[disabled] .btn-success.active,fieldset[disabled] .btn-success.focus,fieldset[disabled] .btn-success:active,fieldset[disabled] .btn-success:focus,fieldset[disabled] .btn-success:hover{background-color:#5cb85c;border-color:#4cae4c}.btn-success .badge{color:#5cb85c;background-color:#fff}.btn-info{color:#fff;background-color:#5bc0de;border-color:#46b8da}.btn-info.active,.btn-info.focus,.btn-info:active,.btn-info:focus,.btn-info:hover,.open>.dropdown-toggle.btn-info{color:#fff;background-color:#31b0d5;border-color:#269abc}.btn-info.active,.btn-info:active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info.disabled.active,.btn-info.disabled.focus,.btn-info.disabled:active,.btn-info.disabled:focus,.btn-info.disabled:hover,.btn-info[disabled],.btn-info[disabled].active,.btn-info[disabled].focus,.btn-info[disabled]:active,.btn-info[disabled]:focus,.btn-info[disabled]:hover,fieldset[disabled] .btn-info,fieldset[disabled] .btn-info.active,fieldset[disabled] .btn-info.focus,fieldset[disabled] .btn-info:active,fieldset[disabled] .btn-info:focus,fieldset[disabled] .btn-info:hover{background-color:#5bc0de;border-color:#46b8da}.btn-info .badge{color:#5bc0de;background-color:#fff}.btn-warning{color:#fff;background-color:#f0ad4e;border-color:#eea236}.btn-warning.active,.btn-warning.focus,.btn-warning:active,.btn-warning:focus,.btn-warning:hover,.open>.dropdown-toggle.btn-warning{color:#fff;background-color:#ec971f;border-color:#d58512}.btn-warning.active,.btn-warning:active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning.disabled.active,.btn-warning.disabled.focus,.btn-warning.disabled:active,.btn-warning.disabled:focus,.btn-warning.disabled:hover,.btn-warning[disabled],.btn-warning[disabled].active,.btn-warning[disabled].focus,.btn-warning[disabled]:active,.btn-warning[disabled]:focus,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning,fieldset[disabled] .btn-warning.active,fieldset[disabled] .btn-warning.focus,fieldset[disabled] .btn-warning:active,fieldset[disabled] .btn-warning:focus,fieldset[disabled] .btn-warning:hover{background-color:#f0ad4e;border-color:#eea236}.btn-warning .badge{color:#f0ad4e;background-color:#fff}.btn-danger{color:#fff;background-color:#d9534f;border-color:#d43f3a}.btn-danger.active,.btn-danger.focus,.btn-danger:active,.btn-danger:focus,.btn-danger:hover,.open>.dropdown-toggle.btn-danger{color:#fff;background-color:#c9302c;border-color:#ac2925}.btn-danger.active,.btn-danger:active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger.disabled.active,.btn-danger.disabled.focus,.btn-danger.disabled:active,.btn-danger.disabled:focus,.btn-danger.disabled:hover,.btn-danger[disabled],.btn-danger[disabled].active,.btn-danger[disabled].focus,.btn-danger[disabled]:active,.btn-danger[disabled]:focus,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger,fieldset[disabled] .btn-danger.active,fieldset[disabled] .btn-danger.focus,fieldset[disabled] .btn-danger:active,fieldset[disabled] .btn-danger:focus,fieldset[disabled] .btn-danger:hover{background-color:#d9534f;border-color:#d43f3a}.btn-danger .badge{color:#d9534f;background-color:#fff}.btn-link{font-weight:400;color:#337ab7;border-radius:0}.btn-link,.btn-link.active,.btn-link:active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:active,.btn-link:focus,.btn-link:hover{border-color:transparent}.btn-link:focus,.btn-link:hover{color:#23527c;text-decoration:underline;background-color:transparent}.btn-link[disabled]:focus,.btn-link[disabled]:hover,fieldset[disabled] .btn-link:focus,fieldset[disabled] .btn-link:hover{color:#777;text-decoration:none}.btn-group-lg>.btn,.btn-lg{padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-group-sm>.btn,.btn-sm{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-group-xs>.btn,.btn-xs{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type=button].btn-block,input[type=reset].btn-block,input[type=submit].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity .15s linear;-o-transition:opacity .15s linear;transition:opacity .15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease;-webkit-transition-duration:.35s;-o-transition-duration:.35s;transition-duration:.35s;-webkit-transition-property:height,visibility;-o-transition-property:height,visibility;transition-property:height,visibility}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropdown,.dropup{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;font-size:14px;text-align:left;list-style:none;background-color:#fff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #ccc;border:1px solid rgba(0,0,0,.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,.175);box-shadow:0 6px 12px rgba(0,0,0,.175)}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:400;line-height:1.42857143;color:#333;white-space:nowrap}.dropdown-menu>li>a:focus,.dropdown-menu>li>a:hover{color:#262626;text-decoration:none;background-color:#f5f5f5}.dropdown-menu>.active>a,.dropdown-menu>.active>a:focus,.dropdown-menu>.active>a:hover{color:#fff;text-decoration:none;background-color:#337ab7;outline:0}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:focus,.dropdown-menu>.disabled>a:hover{color:#777}.dropdown-menu>.disabled>a:focus,.dropdown-menu>.disabled>a:hover{text-decoration:none;cursor:not-allowed;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false)}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{right:0;left:auto}.dropdown-menu-left{right:auto;left:0}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#777;white-space:nowrap}.dropdown-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{content:"";border-top:0;border-bottom:4px solid}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{right:0;left:auto}.navbar-right .dropdown-menu-left{right:auto;left:0}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group-vertical>.btn,.btn-group>.btn{position:relative;float:left}.btn-group-vertical>.btn.active,.btn-group-vertical>.btn:active,.btn-group-vertical>.btn:focus,.btn-group-vertical>.btn:hover,.btn-group>.btn.active,.btn-group>.btn:active,.btn-group>.btn:focus,.btn-group>.btn:hover{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-top-right-radius:0;border-bottom-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-top-left-radius:0;border-bottom-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-top-right-radius:0;border-bottom-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-left-radius:0;border-bottom-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-right:8px;padding-left:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-right:12px;padding-left:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,.125);box-shadow:inset 0 3px 5px rgba(0,0,0,.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-top-left-radius:0;border-top-right-radius:0;border-bottom-left-radius:4px}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-left-radius:0;border-top-right-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{display:table-cell;float:none;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle=buttons]>.btn input[type=checkbox],[data-toggle=buttons]>.btn input[type=radio],[data-toggle=buttons]>.btn-group>.btn input[type=checkbox],[data-toggle=buttons]>.btn-group>.btn input[type=radio]{position:absolute;clip:rect(0,0,0,0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*=col-]{float:none;padding-right:0;padding-left:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:46px;line-height:46px}select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn,textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn,textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn{height:auto}.input-group .form-control,.input-group-addon,.input-group-btn{display:table-cell}.input-group .form-control:not(:first-child):not(:last-child),.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:6px 12px;font-size:14px;font-weight:400;line-height:1;color:#555;text-align:center;background-color:#eee;border:1px solid #ccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:10px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type=checkbox],.input-group-addon input[type=radio]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn-group:not(:last-child)>.btn,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle){border-top-right-radius:0;border-bottom-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:first-child>.btn-group:not(:first-child)>.btn,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle{border-top-left-radius:0;border-bottom-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:active,.input-group-btn>.btn:focus,.input-group-btn>.btn:hover{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{padding-left:0;margin-bottom:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:focus,.nav>li>a:hover{text-decoration:none;background-color:#eee}.nav>li.disabled>a{color:#777}.nav>li.disabled>a:focus,.nav>li.disabled>a:hover{color:#777;text-decoration:none;cursor:not-allowed;background-color:transparent}.nav .open>a,.nav .open>a:focus,.nav .open>a:hover{background-color:#eee;border-color:#337ab7}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #ddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eee #eee #ddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:focus,.nav-tabs>li.active>a:hover{color:#555;cursor:default;background-color:#fff;border:1px solid #ddd;border-bottom-color:transparent}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{margin-bottom:5px;text-align:center}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:focus,.nav-tabs.nav-justified>.active>a:hover{border:1px solid #ddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #ddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:focus,.nav-tabs.nav-justified>.active>a:hover{border-bottom-color:#fff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:focus,.nav-pills>li.active>a:hover{color:#fff;background-color:#337ab7}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{margin-bottom:5px;text-align:center}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:focus,.nav-tabs-justified>.active>a:hover{border:1px solid #ddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #ddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:focus,.nav-tabs-justified>.active>a:hover{border-bottom-color:#fff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-left-radius:0;border-top-right-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{padding-right:15px;padding-left:15px;overflow-x:visible;-webkit-overflow-scrolling:touch;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,.1);box-shadow:inset 0 1px 0 rgba(255,255,255,.1)}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block!important;height:auto!important;padding-bottom:0;overflow:visible!important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-bottom .navbar-collapse,.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse{padding-right:0;padding-left:0}}.navbar-fixed-bottom .navbar-collapse,.navbar-fixed-top .navbar-collapse{max-height:340px}@media (max-device-width:480px)and (orientation:landscape){.navbar-fixed-bottom .navbar-collapse,.navbar-fixed-top .navbar-collapse{max-height:200px}}.container-fluid>.navbar-collapse,.container-fluid>.navbar-header,.container>.navbar-collapse,.container>.navbar-header{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container-fluid>.navbar-collapse,.container-fluid>.navbar-header,.container>.navbar-collapse,.container>.navbar-header{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-bottom,.navbar-fixed-top{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-bottom,.navbar-fixed-top{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;height:50px;padding:15px 15px;font-size:18px;line-height:20px}.navbar-brand:focus,.navbar-brand:hover{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;padding:9px 10px;margin-top:8px;margin-right:15px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu .dropdown-header,.navbar-nav .open .dropdown-menu>li>a{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:focus,.navbar-nav .open .dropdown-menu>li>a:hover{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{padding:10px 15px;margin-top:8px;margin-right:-15px;margin-bottom:8px;margin-left:-15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,.1),0 1px 0 rgba(255,255,255,.1);box-shadow:inset 0 1px 0 rgba(255,255,255,.1),0 1px 0 rgba(255,255,255,.1)}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .form-control,.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .checkbox,.navbar-form .radio{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .checkbox label,.navbar-form .radio label{padding-left:0}.navbar-form .checkbox input[type=checkbox],.navbar-form .radio input[type=radio]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;padding-top:0;padding-bottom:0;margin-right:0;margin-left:0;border:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-left-radius:0;border-top-right-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-left-radius:4px;border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:8px;margin-bottom:8px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-right:15px;margin-left:15px}}@media (min-width:768px){.navbar-left{float:left!important}.navbar-right{float:right!important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#f8f8f8;border-color:#e7e7e7}.navbar-default .navbar-brand{color:#777}.navbar-default .navbar-brand:focus,.navbar-default .navbar-brand:hover{color:#5e5e5e;background-color:transparent}.navbar-default .navbar-text{color:#777}.navbar-default .navbar-nav>li>a{color:#777}.navbar-default .navbar-nav>li>a:focus,.navbar-default .navbar-nav>li>a:hover{color:#333;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:focus,.navbar-default .navbar-nav>.active>a:hover{color:#555;background-color:#e7e7e7}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:focus,.navbar-default .navbar-nav>.disabled>a:hover{color:#ccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#ddd}.navbar-default .navbar-toggle:focus,.navbar-default .navbar-toggle:hover{background-color:#ddd}.navbar-default .navbar-toggle .icon-bar{background-color:#888}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#e7e7e7}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:focus,.navbar-default .navbar-nav>.open>a:hover{color:#555;background-color:#e7e7e7}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#777}.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus,.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover{color:#333;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover{color:#555;background-color:#e7e7e7}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover{color:#ccc;background-color:transparent}}.navbar-default .navbar-link{color:#777}.navbar-default .navbar-link:hover{color:#333}.navbar-default .btn-link{color:#777}.navbar-default .btn-link:focus,.navbar-default .btn-link:hover{color:#333}.navbar-default .btn-link[disabled]:focus,.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:focus,fieldset[disabled] .navbar-default .btn-link:hover{color:#ccc}.navbar-inverse{background-color:#222;border-color:#080808}.navbar-inverse .navbar-brand{color:#9d9d9d}.navbar-inverse .navbar-brand:focus,.navbar-inverse .navbar-brand:hover{color:#fff;background-color:transparent}.navbar-inverse .navbar-text{color:#9d9d9d}.navbar-inverse .navbar-nav>li>a{color:#9d9d9d}.navbar-inverse .navbar-nav>li>a:focus,.navbar-inverse .navbar-nav>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:focus,.navbar-inverse .navbar-nav>.active>a:hover{color:#fff;background-color:#080808}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:focus,.navbar-inverse .navbar-nav>.disabled>a:hover{color:#444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#333}.navbar-inverse .navbar-toggle:focus,.navbar-inverse .navbar-toggle:hover{background-color:#333}.navbar-inverse .navbar-toggle .icon-bar{background-color:#fff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#101010}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:focus,.navbar-inverse .navbar-nav>.open>a:hover{color:#fff;background-color:#080808}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#080808}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#080808}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#9d9d9d}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover{color:#fff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover{color:#fff;background-color:#080808}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover{color:#444;background-color:transparent}}.navbar-inverse .navbar-link{color:#9d9d9d}.navbar-inverse .navbar-link:hover{color:#fff}.navbar-inverse .btn-link{color:#9d9d9d}.navbar-inverse .btn-link:focus,.navbar-inverse .btn-link:hover{color:#fff}.navbar-inverse .btn-link[disabled]:focus,.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:focus,fieldset[disabled] .navbar-inverse .btn-link:hover{color:#444}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{padding:0 5px;color:#ccc;content:"/\00a0"}.breadcrumb>.active{color:#777}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:6px 12px;margin-left:-1px;line-height:1.42857143;color:#337ab7;text-decoration:none;background-color:#fff;border:1px solid #ddd}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-top-left-radius:4px;border-bottom-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-top-right-radius:4px;border-bottom-right-radius:4px}.pagination>li>a:focus,.pagination>li>a:hover,.pagination>li>span:focus,.pagination>li>span:hover{color:#23527c;background-color:#eee;border-color:#ddd}.pagination>.active>a,.pagination>.active>a:focus,.pagination>.active>a:hover,.pagination>.active>span,.pagination>.active>span:focus,.pagination>.active>span:hover{z-index:2;color:#fff;cursor:default;background-color:#337ab7;border-color:#337ab7}.pagination>.disabled>a,.pagination>.disabled>a:focus,.pagination>.disabled>a:hover,.pagination>.disabled>span,.pagination>.disabled>span:focus,.pagination>.disabled>span:hover{color:#777;cursor:not-allowed;background-color:#fff;border-color:#ddd}.pagination-lg>li>a,.pagination-lg>li>span{padding:10px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-top-left-radius:6px;border-bottom-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-top-right-radius:6px;border-bottom-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-top-left-radius:3px;border-bottom-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-top-right-radius:3px;border-bottom-right-radius:3px}.pager{padding-left:0;margin:20px 0;text-align:center;list-style:none}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#fff;border:1px solid #ddd;border-radius:15px}.pager li>a:focus,.pager li>a:hover{text-decoration:none;background-color:#eee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:focus,.pager .disabled>a:hover,.pager .disabled>span{color:#777;cursor:not-allowed;background-color:#fff}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:700;line-height:1;color:#fff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:focus,a.label:hover{color:#fff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#777}.label-default[href]:focus,.label-default[href]:hover{background-color:#5e5e5e}.label-primary{background-color:#337ab7}.label-primary[href]:focus,.label-primary[href]:hover{background-color:#286090}.label-success{background-color:#5cb85c}.label-success[href]:focus,.label-success[href]:hover{background-color:#449d44}.label-info{background-color:#5bc0de}.label-info[href]:focus,.label-info[href]:hover{background-color:#31b0d5}.label-warning{background-color:#f0ad4e}.label-warning[href]:focus,.label-warning[href]:hover{background-color:#ec971f}.label-danger{background-color:#d9534f}.label-danger[href]:focus,.label-danger[href]:hover{background-color:#c9302c}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:700;line-height:1;color:#fff;text-align:center;white-space:nowrap;vertical-align:baseline;background-color:#777;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-group-xs>.btn .badge,.btn-xs .badge{top:0;padding:1px 5px}a.badge:focus,a.badge:hover{color:#fff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#337ab7;background-color:#fff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#eee}.jumbotron .h1,.jumbotron h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#d5d5d5}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-right:60px;padding-left:60px}.jumbotron .h1,.jumbotron h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#fff;border:1px solid #ddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail a>img,.thumbnail>img{margin-right:auto;margin-left:auto}a.thumbnail.active,a.thumbnail:focus,a.thumbnail:hover{border-color:#337ab7}.thumbnail .caption{padding:9px;color:#333}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:700}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{color:#3c763d;background-color:#dff0d8;border-color:#d6e9c6}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#2b542c}.alert-info{color:#31708f;background-color:#d9edf7;border-color:#bce8f1}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#245269}.alert-warning{color:#8a6d3b;background-color:#fcf8e3;border-color:#faebcc}.alert-warning hr{border-top-color:#f7e1b5}.alert-warning .alert-link{color:#66512c}.alert-danger{color:#a94442;background-color:#f2dede;border-color:#ebccd1}.alert-danger hr{border-top-color:#e4b9c0}.alert-danger .alert-link{color:#843534}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{height:20px;margin-bottom:20px;overflow:hidden;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,.1);box-shadow:inset 0 1px 2px rgba(0,0,0,.1)}.progress-bar{float:left;width:0;height:100%;font-size:12px;line-height:20px;color:#fff;text-align:center;background-color:#337ab7;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,.15);-webkit-transition:width .6s ease;-o-transition:width .6s ease;transition:width .6s ease}.progress-bar-striped,.progress-striped .progress-bar{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress-bar.active,.progress.active .progress-bar{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#5cb85c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent)}.progress-bar-info{background-color:#5bc0de}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent)}.progress-bar-warning{background-color:#f0ad4e}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent)}.progress-bar-danger{background-color:#d9534f}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:-o-linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent);background-image:linear-gradient(45deg,rgba(255,255,255,.15) 25%,transparent 25%,transparent 50%,rgba(255,255,255,.15) 50%,rgba(255,255,255,.15) 75%,transparent 75%,transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{overflow:hidden;zoom:1}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-body,.media-left,.media-right{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{padding-left:0;margin-bottom:20px}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#fff;border:1px solid #ddd}.list-group-item:first-child{border-top-left-radius:4px;border-top-right-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555}a.list-group-item .list-group-item-heading{color:#333}a.list-group-item:focus,a.list-group-item:hover{color:#555;text-decoration:none;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:focus,.list-group-item.disabled:hover{color:#777;cursor:not-allowed;background-color:#eee}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text{color:#777}.list-group-item.active,.list-group-item.active:focus,.list-group-item.active:hover{z-index:2;color:#fff;background-color:#337ab7;border-color:#337ab7}.list-group-item.active .list-group-item-heading,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:focus .list-group-item-text,.list-group-item.active:hover .list-group-item-text{color:#c7ddef}.list-group-item-success{color:#3c763d;background-color:#dff0d8}a.list-group-item-success{color:#3c763d}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:focus,a.list-group-item-success:hover{color:#3c763d;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:focus,a.list-group-item-success.active:hover{color:#fff;background-color:#3c763d;border-color:#3c763d}.list-group-item-info{color:#31708f;background-color:#d9edf7}a.list-group-item-info{color:#31708f}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:focus,a.list-group-item-info:hover{color:#31708f;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:focus,a.list-group-item-info.active:hover{color:#fff;background-color:#31708f;border-color:#31708f}.list-group-item-warning{color:#8a6d3b;background-color:#fcf8e3}a.list-group-item-warning{color:#8a6d3b}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:focus,a.list-group-item-warning:hover{color:#8a6d3b;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:focus,a.list-group-item-warning.active:hover{color:#fff;background-color:#8a6d3b;border-color:#8a6d3b}.list-group-item-danger{color:#a94442;background-color:#f2dede}a.list-group-item-danger{color:#a94442}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:focus,a.list-group-item-danger:hover{color:#a94442;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:focus,a.list-group-item-danger.active:hover{color:#fff;background-color:#a94442;border-color:#a94442}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#fff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,.05);box-shadow:0 1px 1px rgba(0,0,0,.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-left-radius:3px;border-top-right-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>.small,.panel-title>.small>a,.panel-title>a,.panel-title>small,.panel-title>small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #ddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-left-radius:3px;border-top-right-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.panel-collapse>.table,.panel>.table,.panel>.table-responsive>.table{margin-bottom:0}.panel>.panel-collapse>.table caption,.panel>.table caption,.panel>.table-responsive>.table caption{padding-right:15px;padding-left:15px}.panel>.table-responsive:first-child>.table:first-child,.panel>.table:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table:first-child>thead:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table-responsive:last-child>.table:last-child,.panel>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #ddd}.panel>.table>tbody:first-child>tr:first-child td,.panel>.table>tbody:first-child>tr:first-child th{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child{border-left:0}.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child{border-right:0}.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{margin-bottom:0;border:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.list-group,.panel-group .panel-heading+.panel-collapse>.panel-body{border-top:1px solid #ddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #ddd}.panel-default{border-color:#ddd}.panel-default>.panel-heading{color:#333;background-color:#f5f5f5;border-color:#ddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ddd}.panel-primary{border-color:#337ab7}.panel-primary>.panel-heading{color:#fff;background-color:#337ab7;border-color:#337ab7}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#337ab7}.panel-primary>.panel-heading .badge{color:#337ab7;background-color:#fff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#337ab7}.panel-success{border-color:#d6e9c6}.panel-success>.panel-heading{color:#3c763d;background-color:#dff0d8;border-color:#d6e9c6}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d6e9c6}.panel-success>.panel-heading .badge{color:#dff0d8;background-color:#3c763d}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d6e9c6}.panel-info{border-color:#bce8f1}.panel-info>.panel-heading{color:#31708f;background-color:#d9edf7;border-color:#bce8f1}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#bce8f1}.panel-info>.panel-heading .badge{color:#d9edf7;background-color:#31708f}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#bce8f1}.panel-warning{border-color:#faebcc}.panel-warning>.panel-heading{color:#8a6d3b;background-color:#fcf8e3;border-color:#faebcc}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#faebcc}.panel-warning>.panel-heading .badge{color:#fcf8e3;background-color:#8a6d3b}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#faebcc}.panel-danger{border-color:#ebccd1}.panel-danger>.panel-heading{color:#a94442;background-color:#f2dede;border-color:#ebccd1}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ebccd1}.panel-danger>.panel-heading .badge{color:#f2dede;background-color:#a94442}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ebccd1}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive embed,.embed-responsive iframe,.embed-responsive object,.embed-responsive video{position:absolute;top:0;bottom:0;left:0;width:100%;height:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,.05);box-shadow:inset 0 1px 1px rgba(0,0,0,.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:700;line-height:1;color:#000;text-shadow:0 1px 0 #fff;filter:alpha(opacity=20);opacity:.2}.close:focus,.close:hover{color:#000;text-decoration:none;cursor:pointer;filter:alpha(opacity=50);opacity:.5}button.close{-webkit-appearance:none;padding:0;cursor:pointer;background:0 0;border:0}.modal-open{overflow:hidden}.modal{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;display:none;overflow:hidden;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out;-webkit-transform:translate(0,-25%);-ms-transform:translate(0,-25%);-o-transform:translate(0,-25%);transform:translate(0,-25%)}.modal.in .modal-dialog{-webkit-transform:translate(0,0);-ms-transform:translate(0,0);-o-transform:translate(0,0);transform:translate(0,0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#fff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #999;border:1px solid rgba(0,0,0,.2);border-radius:6px;outline:0;-webkit-box-shadow:0 3px 9px rgba(0,0,0,.5);box-shadow:0 3px 9px rgba(0,0,0,.5)}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000}.modal-backdrop.fade{filter:alpha(opacity=0);opacity:0}.modal-backdrop.in{filter:alpha(opacity=50);opacity:.5}.modal-header{min-height:16.43px;padding:15px;border-bottom:1px solid #e5e5e5}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:15px}.modal-footer{padding:15px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-bottom:0;margin-left:5px}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,.5);box-shadow:0 5px 15px rgba(0,0,0,.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:400;line-height:1.4;filter:alpha(opacity=0);opacity:0}.tooltip.in{filter:alpha(opacity=90);opacity:.9}.tooltip.top{padding:5px 0;margin-top:-3px}.tooltip.right{padding:0 5px;margin-left:3px}.tooltip.bottom{padding:5px 0;margin-top:3px}.tooltip.left{padding:0 5px;margin-left:-3px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#fff;text-align:center;text-decoration:none;background-color:#000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000}.tooltip.top-left .tooltip-arrow{right:5px;bottom:0;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:400;line-height:1.42857143;text-align:left;white-space:normal;background-color:#fff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #ccc;border:1px solid rgba(0,0,0,.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,.2);box-shadow:0 5px 10px rgba(0,0,0,.2)}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{padding:8px 14px;margin:0;font-size:14px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{content:"";border-width:10px}.popover.top>.arrow{bottom:-11px;left:50%;margin-left:-11px;border-top-color:#999;border-top-color:rgba(0,0,0,.25);border-bottom-width:0}.popover.top>.arrow:after{bottom:1px;margin-left:-10px;content:" ";border-top-color:#fff;border-bottom-width:0}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-right-color:#999;border-right-color:rgba(0,0,0,.25);border-left-width:0}.popover.right>.arrow:after{bottom:-10px;left:1px;content:" ";border-right-color:#fff;border-left-width:0}.popover.bottom>.arrow{top:-11px;left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999;border-bottom-color:rgba(0,0,0,.25)}.popover.bottom>.arrow:after{top:1px;margin-left:-10px;content:" ";border-top-width:0;border-bottom-color:#fff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999;border-left-color:rgba(0,0,0,.25)}.popover.left>.arrow:after{right:1px;bottom:-10px;content:" ";border-right-width:0;border-left-color:#fff}.carousel{position:relative}.carousel-inner{position:relative;width:100%;overflow:hidden}.carousel-inner>.item{position:relative;display:none;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>a>img,.carousel-inner>.item>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.active.right,.carousel-inner>.item.next{left:0;-webkit-transform:translate3d(100%,0,0);transform:translate3d(100%,0,0)}.carousel-inner>.item.active.left,.carousel-inner>.item.prev{left:0;-webkit-transform:translate3d(-100%,0,0);transform:translate3d(-100%,0,0)}.carousel-inner>.item.active,.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right{left:0;-webkit-transform:translate3d(0,0,0);transform:translate3d(0,0,0)}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;bottom:0;left:0;width:15%;font-size:20px;color:#fff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,.6);filter:alpha(opacity=50);opacity:.5}.carousel-control.left{background-image:-webkit-linear-gradient(left,rgba(0,0,0,.5) 0,rgba(0,0,0,.0001) 100%);background-image:-o-linear-gradient(left,rgba(0,0,0,.5) 0,rgba(0,0,0,.0001) 100%);background-image:-webkit-gradient(linear,left top,right top,from(rgba(0,0,0,.5)),to(rgba(0,0,0,.0001)));background-image:linear-gradient(to right,rgba(0,0,0,.5) 0,rgba(0,0,0,.0001) 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1);background-repeat:repeat-x}.carousel-control.right{right:0;left:auto;background-image:-webkit-linear-gradient(left,rgba(0,0,0,.0001) 0,rgba(0,0,0,.5) 100%);background-image:-o-linear-gradient(left,rgba(0,0,0,.0001) 0,rgba(0,0,0,.5) 100%);background-image:-webkit-gradient(linear,left top,right top,from(rgba(0,0,0,.0001)),to(rgba(0,0,0,.5)));background-image:linear-gradient(to right,rgba(0,0,0,.0001) 0,rgba(0,0,0,.5) 100%);filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1);background-repeat:repeat-x}.carousel-control:focus,.carousel-control:hover{color:#fff;text-decoration:none;filter:alpha(opacity=90);outline:0;opacity:.9}.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next,.carousel-control .icon-prev{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{left:50%;margin-left:-10px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{right:50%;margin-right:-10px}.carousel-control .icon-next,.carousel-control .icon-prev{width:20px;height:20px;margin-top:-10px;font-family:serif;line-height:1}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;padding-left:0;margin-left:-30%;text-align:center;list-style:none}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0);border:1px solid #fff;border-radius:10px}.carousel-indicators .active{width:12px;height:12px;margin:0;background-color:#fff}.carousel-caption{position:absolute;right:15%;bottom:20px;left:15%;z-index:10;padding-top:20px;padding-bottom:20px;color:#fff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next,.carousel-control .icon-prev{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{right:20%;left:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.btn-group-vertical>.btn-group:after,.btn-group-vertical>.btn-group:before,.btn-toolbar:after,.btn-toolbar:before,.clearfix:after,.clearfix:before,.container-fluid:after,.container-fluid:before,.container:after,.container:before,.dl-horizontal dd:after,.dl-horizontal dd:before,.form-horizontal .form-group:after,.form-horizontal .form-group:before,.modal-footer:after,.modal-footer:before,.nav:after,.nav:before,.navbar-collapse:after,.navbar-collapse:before,.navbar-header:after,.navbar-header:before,.navbar:after,.navbar:before,.pager:after,.pager:before,.panel-body:after,.panel-body:before,.row:after,.row:before{display:table;content:" "}.btn-group-vertical>.btn-group:after,.btn-toolbar:after,.clearfix:after,.container-fluid:after,.container:after,.dl-horizontal dd:after,.form-horizontal .form-group:after,.modal-footer:after,.nav:after,.navbar-collapse:after,.navbar-header:after,.navbar:after,.pager:after,.panel-body:after,.row:after{clear:both}.center-block{display:block;margin-right:auto;margin-left:auto}.pull-right{float:right!important}.pull-left{float:left!important}.hide{display:none!important}.show{display:block!important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none!important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-lg,.visible-md,.visible-sm,.visible-xs{display:none!important}.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block{display:none!important}@media (max-width:767px){.visible-xs{display:block!important}table.visible-xs{display:table}tr.visible-xs{display:table-row!important}td.visible-xs,th.visible-xs{display:table-cell!important}}@media (max-width:767px){.visible-xs-block{display:block!important}}@media (max-width:767px){.visible-xs-inline{display:inline!important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block!important}}@media (min-width:768px)and (max-width:991px){.visible-sm{display:block!important}table.visible-sm{display:table}tr.visible-sm{display:table-row!important}td.visible-sm,th.visible-sm{display:table-cell!important}}@media (min-width:768px)and (max-width:991px){.visible-sm-block{display:block!important}}@media (min-width:768px)and (max-width:991px){.visible-sm-inline{display:inline!important}}@media (min-width:768px)and (max-width:991px){.visible-sm-inline-block{display:inline-block!important}}@media (min-width:992px)and (max-width:1199px){.visible-md{display:block!important}table.visible-md{display:table}tr.visible-md{display:table-row!important}td.visible-md,th.visible-md{display:table-cell!important}}@media (min-width:992px)and (max-width:1199px){.visible-md-block{display:block!important}}@media (min-width:992px)and (max-width:1199px){.visible-md-inline{display:inline!important}}@media (min-width:992px)and (max-width:1199px){.visible-md-inline-block{display:inline-block!important}}@media (min-width:1200px){.visible-lg{display:block!important}table.visible-lg{display:table}tr.visible-lg{display:table-row!important}td.visible-lg,th.visible-lg{display:table-cell!important}}@media (min-width:1200px){.visible-lg-block{display:block!important}}@media (min-width:1200px){.visible-lg-inline{display:inline!important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block!important}}@media (max-width:767px){.hidden-xs{display:none!important}}@media (min-width:768px)and (max-width:991px){.hidden-sm{display:none!important}}@media (min-width:992px)and (max-width:1199px){.hidden-md{display:none!important}}@media (min-width:1200px){.hidden-lg{display:none!important}}.visible-print{display:none!important}@media print{.visible-print{display:block!important}table.visible-print{display:table}tr.visible-print{display:table-row!important}td.visible-print,th.visible-print{display:table-cell!important}}.visible-print-block{display:none!important}@media print{.visible-print-block{display:block!important}}.visible-print-inline{display:none!important}@media print{.visible-print-inline{display:inline!important}}.visible-print-inline-block{display:none!important}@media print{.visible-print-inline-block{display:inline-block!important}}@media print{.hidden-print{display:none!important}} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-amelia.css b/docs/build/html/_static/css/bootstrap3/bootswatch-amelia.css new file mode 100644 index 0000000..2a8b2ec --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-amelia.css @@ -0,0 +1,7 @@ +@import url("//fonts.googleapis.com/css?family=Lobster|Cabin:400,700");/*! + * bootswatch v3.2.0 + * Homepage: http://bootswatch.com + * Copyright 2012-2014 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.1 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}@media print{*{text-shadow:none !important;color:#000 !important;background:transparent !important;box-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="javascript:"]:after,a[href^="#"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.table td,.table th{background-color:#fff !important}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Cabin",Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#ffffff;background-color:#108a93}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#e8d069;text-decoration:none}a:hover,a:focus{color:#e8d069;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;width:100% \9;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#0d747c;border:1px solid #0d747c;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;width:100% \9;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #0d747c}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:'Lobster',cursive;font-weight:500;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#bbbbbb}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}cite{font-style:normal}mark,.mark{background-color:#debb27;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:rgba(255,255,255,0.6)}.text-primary{color:#ad1d28}a.text-primary:hover{color:#81161e}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#ad1d28}a.bg-primary:hover{background-color:#81161e}.bg-success{background-color:#48ca3b}a.bg-success:hover{background-color:#38a52d}.bg-info{background-color:#4d3a7d}a.bg-info:hover{background-color:#382a5a}.bg-warning{background-color:#debb27}a.bg-warning:hover{background-color:#b6991c}.bg-danger{background-color:#df6e1e}a.bg-danger:hover{background-color:#b25818}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #0d747c}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #bbbbbb}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid rgba(255,255,255,0.6)}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:rgba(255,255,255,0.6)}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid rgba(255,255,255,0.6);border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}blockquote:before,blockquote:after{content:""}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#444444;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #0d747c}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #0d747c}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #0d747c}.table .table{background-color:#108a93}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #0d747c}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #0d747c}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-child(odd)>td,.table-striped>tbody>tr:nth-child(odd)>th{background-color:#0f7f88}.table-hover>tbody>tr:hover>td,.table-hover>tbody>tr:hover>th{background-color:#13a0aa}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#0d747c}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#0b5f65}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#48ca3b}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#3eb932}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#4d3a7d}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#42326c}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#debb27}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#ccab1f}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#df6e1e}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#c9631b}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;overflow-x:auto;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #0d747c;-webkit-overflow-scrolling:touch}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#ffffff;border:0;border-bottom:1px solid #0d747c}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#444444}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#444444;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#bbbbbb;opacity:1}.form-control:-ms-input-placeholder{color:#bbbbbb}.form-control::-webkit-input-placeholder{color:#bbbbbb}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{cursor:not-allowed;background-color:#dddddd;opacity:1}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px;line-height:1.42857143 \0}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg{line-height:54px}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;min-height:20px;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm,.form-horizontal .form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.input-lg,.form-horizontal .form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.33;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:25px;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#48ca3b}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#debb27}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#df6e1e}.has-error .form-control-feedback{color:#ffffff}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#ffffff}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{top:0;right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.62px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus{color:#444444;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#444444;background-color:#dddddd;border-color:#dddddd}.btn-default:hover,.btn-default:focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#444444;background-color:#c4c4c4;border-color:#bebebe}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#dddddd;border-color:#dddddd}.btn-default .badge{color:#dddddd;background-color:#444444}.btn-primary{color:#ffffff;background-color:#ad1d28;border-color:#ad1d28}.btn-primary:hover,.btn-primary:focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#81161e;border-color:#79141c}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#ad1d28;border-color:#ad1d28}.btn-primary .badge{color:#ad1d28;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#48ca3b;border-color:#48ca3b}.btn-success:hover,.btn-success:focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#38a52d;border-color:#359d2b}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#48ca3b;border-color:#48ca3b}.btn-success .badge{color:#48ca3b;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#4d3a7d;border-color:#4d3a7d}.btn-info:hover,.btn-info:focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#382a5a;border-color:#332753}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#4d3a7d;border-color:#4d3a7d}.btn-info .badge{color:#4d3a7d;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#debb27;border-color:#debb27}.btn-warning:hover,.btn-warning:focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#b6991c;border-color:#ad911a}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#debb27;border-color:#debb27}.btn-warning .badge{color:#debb27;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#df6e1e;border-color:#df6e1e}.btn-danger:hover,.btn-danger:focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#b25818;border-color:#a95317}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#df6e1e;border-color:#df6e1e}.btn-danger .badge{color:#df6e1e;background-color:#ffffff}.btn-link{color:#e8d069;font-weight:normal;cursor:pointer;border-radius:0}.btn-link,.btn-link:active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#e8d069;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#bbbbbb;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.33;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition:height 0.35s ease;-o-transition:height 0.35s ease;transition:height 0.35s ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px solid;border-right:4px solid transparent;border-left:4px solid transparent}.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#444444;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#15b5c1}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#15b5c1}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#dddddd}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#dddddd;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:1px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group>.btn:focus,.btn-group-vertical>.btn:focus{outline:0}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child>.btn:last-child,.btn-group>.btn-group:first-child>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn>input[type="radio"],[data-toggle="buttons"]>.btn>input[type="checkbox"]{position:absolute;z-index:-1;opacity:0;filter:alpha(opacity=0)}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.33;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#444444;text-align:center;background-color:#dddddd;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#15b5c1}.nav>li.disabled>a{color:#dddddd}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#dddddd;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#15b5c1;border-color:#e8d069}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #15b5c1}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:transparent transparent #15b5c1}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#ffffff;background-color:#15b5c1;border:1px solid transparent;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid transparent}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:transparent}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#15b5c1}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid transparent}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:transparent}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030;-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0)}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}.navbar-nav.navbar-right:last-child{margin-right:-15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}.navbar-form.navbar-right:last-child{margin-right:-15px}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}.navbar-text.navbar-right:last-child{margin-right:0}}.navbar-default{background-color:#ad1d28;border-color:#911821}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-default .navbar-text{color:#bbbbbb}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#d92432}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#d92432}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#d92432}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#d92432}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#911821}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#d92432;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#d92432}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#d92432}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#debb27;border-color:#b6991c}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-inverse .navbar-text{color:#bbbbbb}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#e5c953}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#e5c953}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#e5c953}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#e5c953}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#c3a41e}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#e5c953;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#b6991c}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#b6991c}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#e5c953}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#e5c953}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#13a0aa;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#dddddd}.breadcrumb>.active{color:#ffffff}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#e8d069;background-color:#13a0aa;border:1px solid transparent;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#e8d069;background-color:#15b5c1;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#15b5c1;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#ffffff;background-color:#13a0aa;border-color:transparent;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#13a0aa;border:1px solid transparent;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#15b5c1}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#ffffff;background-color:#13a0aa;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#dddddd}.label-default[href]:hover,.label-default[href]:focus{background-color:#c4c4c4}.label-primary{background-color:#ad1d28}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#81161e}.label-success{background-color:#48ca3b}.label-success[href]:hover,.label-success[href]:focus{background-color:#38a52d}.label-info{background-color:#4d3a7d}.label-info[href]:hover,.label-info[href]:focus{background-color:#382a5a}.label-warning{background-color:#debb27}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#b6991c}.label-danger{background-color:#df6e1e}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#b25818}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#ad1d28;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}a.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#ffffff;background-color:#ad1d28}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px;margin-bottom:30px;color:inherit;background-color:#0d747c}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#08494e}.container .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding-top:48px;padding-bottom:48px}.container .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#0d747c;border:1px solid #0d747c;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#e8d069}.thumbnail .caption{padding:9px;color:#ffffff}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#48ca3b;border-color:#55b932;color:#ffffff}.alert-success hr{border-top-color:#4ca52d}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#4d3a7d;border-color:#352f65;color:#ffffff}.alert-info hr{border-top-color:#2c2753}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#debb27;border-color:#d59521;color:#ffffff}.alert-warning hr{border-top-color:#bf851d}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#df6e1e;border-color:#d2491c;color:#ffffff}.alert-danger hr{border-top-color:#bb4119}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#0d747c;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#ad1d28;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar[aria-valuenow="1"],.progress-bar[aria-valuenow="2"]{min-width:30px}.progress-bar[aria-valuenow="0"]{color:#bbbbbb;min-width:30px;background-color:transparent;background-image:none;box-shadow:none}.progress-bar-success{background-color:#48ca3b}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#4d3a7d}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#debb27}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#df6e1e}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media,.media-body{overflow:hidden;zoom:1}.media,.media .media{margin-top:15px}.media:first-child{margin-top:0}.media-object{display:block}.media-heading{margin:0 0 5px}.media>.pull-left{margin-right:10px}.media>.pull-right{margin-left:10px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#13a0aa;border:1px solid #0d747c}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}a.list-group-item{color:#e8d069}a.list-group-item .list-group-item-heading{color:#ffffff}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#e8d069;background-color:#15b5c1}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#dddddd;color:#bbbbbb}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#bbbbbb}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#15b5c1;border-color:#0d747c}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#acf1f6}.list-group-item-success{color:#ffffff;background-color:#48ca3b}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#3eb932}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#4d3a7d}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#42326c}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#debb27}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#ccab1f}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#df6e1e}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#c9631b}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#13a0aa;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#18cbd8;border-top:1px solid #0d747c;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group{margin-bottom:0}.panel>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive{border-top:1px solid #0d747c}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body{border-top:1px solid #0d747c}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #0d747c}.panel-default{border-color:#0d747c}.panel-default>.panel-heading{color:#ffffff;background-color:#18cbd8;border-color:#0d747c}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#0d747c}.panel-default>.panel-heading .badge{color:#18cbd8;background-color:#ffffff}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#0d747c}.panel-primary{border-color:#ad1d28}.panel-primary>.panel-heading{color:#ffffff;background-color:#ad1d28;border-color:#ad1d28}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ad1d28}.panel-primary>.panel-heading .badge{color:#ad1d28;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ad1d28}.panel-success{border-color:#55b932}.panel-success>.panel-heading{color:#ffffff;background-color:#48ca3b;border-color:#55b932}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#55b932}.panel-success>.panel-heading .badge{color:#48ca3b;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#55b932}.panel-info{border-color:#352f65}.panel-info>.panel-heading{color:#ffffff;background-color:#4d3a7d;border-color:#352f65}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#352f65}.panel-info>.panel-heading .badge{color:#4d3a7d;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#352f65}.panel-warning{border-color:#d59521}.panel-warning>.panel-heading{color:#ffffff;background-color:#debb27;border-color:#d59521}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d59521}.panel-warning>.panel-heading .badge{color:#debb27;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d59521}.panel-danger{border-color:#d2491c}.panel-danger>.panel-heading{color:#ffffff;background-color:#df6e1e;border-color:#d2491c}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d2491c}.panel-danger>.panel-heading .badge{color:#df6e1e;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d2491c}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#0d747c;border:1px solid #0a565c;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate3d(0, -25%, 0);transform:translate3d(0, -25%, 0);-webkit-transition:-webkit-transform .3s ease-out;-moz-transition:-moz-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#13a0aa;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #0d747c;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #0d747c}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;visibility:visible;font-size:12px;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:rgba(0,0,0,0.9);border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:rgba(0,0,0,0.9)}.tooltip.top-left .tooltip-arrow{bottom:0;left:5px;border-width:5px 5px 0;border-top-color:rgba(0,0,0,0.9)}.tooltip.top-right .tooltip-arrow{bottom:0;right:5px;border-width:5px 5px 0;border-top-color:rgba(0,0,0,0.9)}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:rgba(0,0,0,0.9)}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:rgba(0,0,0,0.9)}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:rgba(0,0,0,0.9)}.tooltip.bottom-left .tooltip-arrow{top:0;left:5px;border-width:0 5px 5px;border-bottom-color:rgba(0,0,0,0.9)}.tooltip.bottom-right .tooltip-arrow{top:0;right:5px;border-width:0 5px 5px;border-bottom-color:rgba(0,0,0,0.9)}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;text-align:left;background-color:#13a0aa;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;font-weight:normal;line-height:18px;background-color:#11939c;border-bottom:1px solid #0e7d85;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#13a0aa}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#13a0aa}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#13a0aa}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#13a0aa;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important;visibility:hidden !important}.affix{position:fixed;-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0)}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar-brand{font-family:'Lobster',cursive}.navbar-default .badge{background-color:#fff;color:#ad1d28}.btn .caret{border-top-color:#fff}.btn-default:hover{color:#444444}.btn-default .caret{border-top-color:#444444}.text-primary,.text-primary:hover{color:#f0a6ac}.text-success,.text-success:hover{color:#93e08b}.text-danger,.text-danger:hover{color:#eda776}.text-warning,.text-warning:hover{color:#ecd77f}.text-info,.text-info:hover{color:#b8abd8}.table-responsive>.table{background-color:transparent}table a:not(.btn),.table a:not(.btn){color:#fff;text-decoration:underline}table .text-muted,.table .text-muted{color:rgba(255,255,255,0.6)}input,textarea{color:#444444}legend{font-family:'Lobster',cursive;color:#fff}.input-group-addon{color:#444444}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#ecd77f}.has-warning .form-control,.has-warning .form-control:focus{border-color:#ecd77f}.has-warning .input-group-addon{border:none}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#f0a6ac}.has-error .form-control,.has-error .form-control:focus{border-color:#f0a6ac}.has-error .input-group-addon{border:none}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#93e08b}.has-success .form-control,.has-success .form-control:focus{border-color:#93e08b}.has-success .input-group-addon{border:none}.pagination a:hover{color:#fff}.pager a:hover{color:#fff}.close{opacity:0.4}.close:hover,.close:focus{opacity:1}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#0d747c} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-cerulean.css b/docs/build/html/_static/css/bootstrap3/bootswatch-cerulean.css new file mode 100644 index 0000000..9dce50c --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-cerulean.css @@ -0,0 +1,7 @@ +/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#555555;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#2fa4e7;text-decoration:none}a:hover,a:focus{color:#157ab5;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:500;line-height:1.1;color:#317eac}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#2fa4e7}a.text-primary:hover{color:#178acc}.text-success{color:#468847}a.text-success:hover{color:#356635}.text-info{color:#3a87ad}a.text-info:hover{color:#2d6987}.text-warning{color:#c09853}a.text-warning:hover{color:#a47e3c}.text-danger{color:#b94a48}a.text-danger:hover{color:#953b39}.bg-primary{color:#fff;background-color:#2fa4e7}a.bg-primary:hover{background-color:#178acc}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#555555;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#555555}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#555555;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:54px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:54px;line-height:54px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#468847}.has-success .form-control{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.has-success .input-group-addon{color:#468847;border-color:#468847;background-color:#dff0d8}.has-success .form-control-feedback{color:#468847}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#c09853}.has-warning .form-control{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.has-warning .input-group-addon{color:#c09853;border-color:#c09853;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#c09853}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#b94a48}.has-error .form-control{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.has-error .input-group-addon{color:#b94a48;border-color:#b94a48;background-color:#f2dede}.has-error .form-control-feedback{color:#b94a48}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#959595}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#555555;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#555555;background-color:#ffffff;border-color:rgba(0,0,0,0.1)}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#555555;background-color:#e6e6e6;border-color:rgba(0,0,0,0.1)}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#ffffff;border-color:rgba(0,0,0,0.1)}.btn-default .badge{color:#ffffff;background-color:#555555}.btn-primary{color:#ffffff;background-color:#2fa4e7;border-color:#2fa4e7}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#178acc;border-color:#1684c2}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#2fa4e7;border-color:#2fa4e7}.btn-primary .badge{color:#2fa4e7;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#73a839;border-color:#73a839}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#59822c;border-color:#547a29}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#73a839;border-color:#73a839}.btn-success .badge{color:#73a839;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#033c73;border-color:#033c73}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#022241;border-color:#011d37}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#033c73;border-color:#033c73}.btn-info .badge{color:#033c73;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#dd5600;border-color:#dd5600}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#aa4200;border-color:#a03e00}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#dd5600;border-color:#dd5600}.btn-warning .badge{color:#dd5600;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#c71c22;border-color:#c71c22}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#9a161a;border-color:#911419}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#c71c22;border-color:#c71c22}.btn-danger .badge{color:#c71c22;background-color:#ffffff}.btn-link{color:#2fa4e7;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#157ab5;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#2fa4e7}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#2fa4e7}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#555555;text-align:center;background-color:#eeeeee;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#2fa4e7}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#555555;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#2fa4e7}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#2fa4e7;border-color:#1995dc}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-default .navbar-text{color:#dddddd}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#178acc}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#178acc}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#dddddd;background-color:transparent}.navbar-default .navbar-toggle{border-color:#178acc}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#178acc}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#1995dc}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#178acc;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#178acc}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#178acc}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#dddddd;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#dddddd}.navbar-inverse{background-color:#033c73;border-color:#022f5a}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#022f5a}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#022f5a}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#022f5a}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#022f5a}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#022a50}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#022f5a;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#022f5a}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#022f5a}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#022f5a}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#022f5a}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#2fa4e7;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#157ab5;background-color:#eeeeee;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#999999;background-color:#f5f5f5;border-color:#dddddd;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#999999}.label-default[href]:hover,.label-default[href]:focus{background-color:#808080}.label-primary{background-color:#2fa4e7}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#178acc}.label-success{background-color:#73a839}.label-success[href]:hover,.label-success[href]:focus{background-color:#59822c}.label-info{background-color:#033c73}.label-info[href]:hover,.label-info[href]:focus{background-color:#022241}.label-warning{background-color:#dd5600}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#aa4200}.label-danger{background-color:#c71c22}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#9a161a}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#2fa4e7;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#2fa4e7;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#eeeeee}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#d5d5d5}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#2fa4e7}.thumbnail .caption{padding:9px;color:#555555}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#468847}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#356635}.alert-info{background-color:#d9edf7;border-color:#bce8f1;color:#3a87ad}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#2d6987}.alert-warning{background-color:#fcf8e3;border-color:#fbeed5;color:#c09853}.alert-warning hr{border-top-color:#f8e5be}.alert-warning .alert-link{color:#a47e3c}.alert-danger{background-color:#f2dede;border-color:#eed3d7;color:#b94a48}.alert-danger hr{border-top-color:#e6c1c7}.alert-danger .alert-link{color:#953b39}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#2fa4e7;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#73a839}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#033c73}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#dd5600}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#c71c22}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#2fa4e7;border-color:#2fa4e7}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#e6f4fc}.list-group-item-success{color:#468847;background-color:#dff0d8}a.list-group-item-success{color:#468847}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#468847;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#468847;border-color:#468847}.list-group-item-info{color:#3a87ad;background-color:#d9edf7}a.list-group-item-info{color:#3a87ad}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#3a87ad;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#3a87ad;border-color:#3a87ad}.list-group-item-warning{color:#c09853;background-color:#fcf8e3}a.list-group-item-warning{color:#c09853}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#c09853;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#c09853;border-color:#c09853}.list-group-item-danger{color:#b94a48;background-color:#f2dede}a.list-group-item-danger{color:#b94a48}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#b94a48;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#b94a48;border-color:#b94a48}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#555555;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#555555}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#dddddd}.panel-primary>.panel-heading{color:#ffffff;background-color:#2fa4e7;border-color:#dddddd}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-primary>.panel-heading .badge{color:#2fa4e7;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-success{border-color:#dddddd}.panel-success>.panel-heading{color:#468847;background-color:#73a839;border-color:#dddddd}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-success>.panel-heading .badge{color:#73a839;background-color:#468847}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-info{border-color:#dddddd}.panel-info>.panel-heading{color:#3a87ad;background-color:#033c73;border-color:#dddddd}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-info>.panel-heading .badge{color:#033c73;background-color:#3a87ad}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-warning{border-color:#dddddd}.panel-warning>.panel-heading{color:#c09853;background-color:#dd5600;border-color:#dddddd}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-warning>.panel-heading .badge{color:#dd5600;background-color:#c09853}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-danger{border-color:#dddddd}.panel-danger>.panel-heading{color:#b94a48;background-color:#c71c22;border-color:#dddddd}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-danger>.panel-heading .badge{color:#c71c22;background-color:#b94a48}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{background-image:-webkit-linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-image:-o-linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-image:-webkit-gradient(linear, left top, left bottom, from(#54b4eb), color-stop(60%, #2fa4e7), to(#1d9ce5));background-image:linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff54b4eb', endColorstr='#ff1d9ce5', GradientType=0);border-bottom:1px solid #178acc;-webkit-filter:none;filter:none;-webkit-box-shadow:0 1px 10px rgba(0,0,0,0.1);box-shadow:0 1px 10px rgba(0,0,0,0.1)}.navbar-default .badge{background-color:#fff;color:#2fa4e7}.navbar-inverse{background-image:-webkit-linear-gradient(#04519b, #044687 60%, #033769);background-image:-o-linear-gradient(#04519b, #044687 60%, #033769);background-image:-webkit-gradient(linear, left top, left bottom, from(#04519b), color-stop(60%, #044687), to(#033769));background-image:linear-gradient(#04519b, #044687 60%, #033769);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff04519b', endColorstr='#ff033769', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #022241}.navbar-inverse .badge{background-color:#fff;color:#033c73}.navbar .navbar-nav>li>a,.navbar-brand{text-shadow:0 1px 0 rgba(0,0,0,0.1)}@media (max-width:767px){.navbar .dropdown-header{color:#fff}.navbar .dropdown-menu a{color:#fff}}.btn{text-shadow:0 1px 0 rgba(0,0,0,0.1)}.btn .caret{border-top-color:#fff}.btn-default{background-image:-webkit-linear-gradient(#fff, #fff 60%, #f5f5f5);background-image:-o-linear-gradient(#fff, #fff 60%, #f5f5f5);background-image:-webkit-gradient(linear, left top, left bottom, from(#fff), color-stop(60%, #fff), to(#f5f5f5));background-image:linear-gradient(#fff, #fff 60%, #f5f5f5);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff', endColorstr='#fff5f5f5', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #e6e6e6}.btn-default:hover{color:#555555}.btn-default .caret{border-top-color:#555555}.btn-default{background-image:-webkit-linear-gradient(#fff, #fff 60%, #f5f5f5);background-image:-o-linear-gradient(#fff, #fff 60%, #f5f5f5);background-image:-webkit-gradient(linear, left top, left bottom, from(#fff), color-stop(60%, #fff), to(#f5f5f5));background-image:linear-gradient(#fff, #fff 60%, #f5f5f5);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff', endColorstr='#fff5f5f5', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #e6e6e6}.btn-primary{background-image:-webkit-linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-image:-o-linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-image:-webkit-gradient(linear, left top, left bottom, from(#54b4eb), color-stop(60%, #2fa4e7), to(#1d9ce5));background-image:linear-gradient(#54b4eb, #2fa4e7 60%, #1d9ce5);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff54b4eb', endColorstr='#ff1d9ce5', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #178acc}.btn-success{background-image:-webkit-linear-gradient(#88c149, #73a839 60%, #699934);background-image:-o-linear-gradient(#88c149, #73a839 60%, #699934);background-image:-webkit-gradient(linear, left top, left bottom, from(#88c149), color-stop(60%, #73a839), to(#699934));background-image:linear-gradient(#88c149, #73a839 60%, #699934);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff88c149', endColorstr='#ff699934', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #59822c}.btn-info{background-image:-webkit-linear-gradient(#04519b, #033c73 60%, #02325f);background-image:-o-linear-gradient(#04519b, #033c73 60%, #02325f);background-image:-webkit-gradient(linear, left top, left bottom, from(#04519b), color-stop(60%, #033c73), to(#02325f));background-image:linear-gradient(#04519b, #033c73 60%, #02325f);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff04519b', endColorstr='#ff02325f', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #022241}.btn-warning{background-image:-webkit-linear-gradient(#ff6707, #dd5600 60%, #c94e00);background-image:-o-linear-gradient(#ff6707, #dd5600 60%, #c94e00);background-image:-webkit-gradient(linear, left top, left bottom, from(#ff6707), color-stop(60%, #dd5600), to(#c94e00));background-image:linear-gradient(#ff6707, #dd5600 60%, #c94e00);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff6707', endColorstr='#ffc94e00', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #aa4200}.btn-danger{background-image:-webkit-linear-gradient(#e12b31, #c71c22 60%, #b5191f);background-image:-o-linear-gradient(#e12b31, #c71c22 60%, #b5191f);background-image:-webkit-gradient(linear, left top, left bottom, from(#e12b31), color-stop(60%, #c71c22), to(#b5191f));background-image:linear-gradient(#e12b31, #c71c22 60%, #b5191f);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe12b31', endColorstr='#ffb5191f', GradientType=0);-webkit-filter:none;filter:none;border-bottom:1px solid #9a161a}.panel-primary .panel-heading,.panel-success .panel-heading,.panel-warning .panel-heading,.panel-danger .panel-heading,.panel-info .panel-heading,.panel-primary .panel-title,.panel-success .panel-title,.panel-warning .panel-title,.panel-danger .panel-title,.panel-info .panel-title{color:#fff} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-cosmo.css b/docs/build/html/_static/css/bootstrap3/bootswatch-cosmo.css new file mode 100644 index 0000000..68aac11 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-cosmo.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Source+Sans+Pro:300,400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Source Sans Pro",Calibri,Candara,Arial,sans-serif;font-size:15px;line-height:1.42857143;color:#333333;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#2780e3;text-decoration:none}a:hover,a:focus{color:#165ba8;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:0}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:0;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #e6e6e6}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Source Sans Pro",Calibri,Candara,Arial,sans-serif;font-weight:300;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:86%}mark,.mark{background-color:#ff7518;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#2780e3}a.text-primary:hover{color:#1967be}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#2780e3}a.bg-primary:hover{background-color:#1967be}.bg-success{background-color:#3fb618}a.bg-success:hover{background-color:#2f8912}.bg-info{background-color:#9954bb}a.bg-info:hover{background-color:#7e3f9d}.bg-warning{background-color:#ff7518}a.bg-warning:hover{background-color:#e45c00}.bg-danger{background-color:#ff0039}a.bg-danger:hover{background-color:#cc002e}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid #e6e6e6}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #e6e6e6}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #e6e6e6;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:0}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:0;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:0}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#3fb618}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#379f15}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#9954bb}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#8d46b0}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#ff7518}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#fe6600}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#ff0039}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#e60033}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#333333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:11px;font-size:15px;line-height:1.42857143;color:#333333}.form-control{display:block;width:100%;height:43px;padding:10px 18px;font-size:15px;line-height:1.42857143;color:#333333;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#e6e6e6;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:43px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:31px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:64px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:11px;padding-bottom:11px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.input-sm{height:31px;line-height:31px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.form-group-sm .form-control{height:31px;line-height:31px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;min-height:34px}.input-lg{height:64px;padding:18px 30px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-lg{height:64px;line-height:64px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:64px;padding:18px 30px;font-size:19px;line-height:1.3333333;border-radius:0}select.form-group-lg .form-control{height:64px;line-height:64px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:64px;padding:18px 30px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:53.75px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:43px;height:43px;line-height:43px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:64px;height:64px;line-height:64px}.input-sm+.form-control-feedback{width:31px;height:31px;line-height:31px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#3fb618}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ff7518}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ff0039}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#737373}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:11px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:32px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:11px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:24.9999994px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:10px 18px;font-size:15px;line-height:1.42857143;border-radius:0;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#222222;border-color:#222222}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#090909;border-color:#040404}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#222222;border-color:#222222}.btn-default .badge{color:#222222;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#2780e3;border-color:#2780e3}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#1967be;border-color:#1862b5}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#2780e3;border-color:#2780e3}.btn-primary .badge{color:#2780e3;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#3fb618;border-color:#3fb618}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#2f8912;border-color:#2c8011}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#3fb618;border-color:#3fb618}.btn-success .badge{color:#3fb618;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#9954bb;border-color:#9954bb}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#7e3f9d;border-color:#783c96}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#9954bb;border-color:#9954bb}.btn-info .badge{color:#9954bb;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#ff7518;border-color:#ff7518}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#e45c00;border-color:#da5800}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#ff7518;border-color:#ff7518}.btn-warning .badge{color:#ff7518;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#ff0039;border-color:#ff0039}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#cc002e;border-color:#c2002b}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#ff0039;border-color:#ff0039}.btn-danger .badge{color:#ff0039;background-color:#ffffff}.btn-link{color:#2780e3;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#165ba8;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:18px 30px;font-size:19px;line-height:1.3333333;border-radius:0}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:13px;line-height:1.5;border-radius:0}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:0;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#2780e3}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#2780e3}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:13px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:0;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:64px;padding:18px 30px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:64px;line-height:64px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:31px;line-height:31px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:10px 18px;font-size:15px;font-weight:normal;line-height:1;color:#333333;text-align:center;background-color:#e6e6e6;border:1px solid #cccccc;border-radius:0}.input-group-addon.input-sm{padding:5px 10px;font-size:13px;border-radius:0}.input-group-addon.input-lg{padding:18px 30px;font-size:19px;border-radius:0}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#e6e6e6}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#e6e6e6;border-color:#2780e3}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:0 0 0 0}.nav-tabs>li>a:hover{border-color:#e6e6e6 #e6e6e6 #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#555555;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:0 0 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:0}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#2780e3}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:0 0 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:0}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:14.5px 15px;font-size:19px;line-height:21px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:0}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.25px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:14.5px;padding-bottom:14.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:3.5px;margin-bottom:3.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:0;border-top-left-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:3.5px;margin-bottom:3.5px}.navbar-btn.btn-sm{margin-top:9.5px;margin-bottom:9.5px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:14.5px;margin-bottom:14.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#222222;border-color:#121212}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-default .navbar-text{color:#ffffff}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#090909}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#090909}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:transparent}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#090909}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#121212}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#090909;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#090909}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#090909}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#2780e3;border-color:#1967be}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#1967be}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#1967be}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:transparent}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#1967be}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#1a6ecc}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#1967be;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#1967be}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#1967be}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#1967be}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#1967be}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#ffffff;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#ffffff}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#f5f5f5;border-radius:0}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:0}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:10px 18px;line-height:1.42857143;text-decoration:none;color:#2780e3;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:0;border-top-left-radius:0}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#165ba8;background-color:#e6e6e6;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#999999;background-color:#f5f5f5;border-color:#dddddd;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:18px 30px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:13px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:0}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#e6e6e6}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#222222}.label-default[href]:hover,.label-default[href]:focus{background-color:#090909}.label-primary{background-color:#2780e3}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#1967be}.label-success{background-color:#3fb618}.label-success[href]:hover,.label-success[href]:focus{background-color:#2f8912}.label-info{background-color:#9954bb}.label-info[href]:hover,.label-info[href]:focus{background-color:#7e3f9d}.label-warning{background-color:#ff7518}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#e45c00}.label-danger{background-color:#ff0039}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#cc002e}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:13px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#2780e3;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#2780e3;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#e6e6e6}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#cccccc}.container .jumbotron,.container-fluid .jumbotron{border-radius:0}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:4px;margin-bottom:21px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:0;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#2780e3}.thumbnail .caption{padding:9px;color:#333333}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:0}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#3fb618;border-color:#4e9f15;color:#ffffff}.alert-success hr{border-top-color:#438912}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#9954bb;border-color:#7643a8;color:#ffffff}.alert-info hr{border-top-color:#693c96}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#ff7518;border-color:#ff4309;color:#ffffff}.alert-warning hr{border-top-color:#ee3800}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#ff0039;border-color:#f0005e;color:#ffffff}.alert-danger hr{border-top-color:#d60054}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#cccccc;border-radius:0;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:13px;line-height:21px;color:#ffffff;text-align:center;background-color:#2780e3;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#3fb618}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#9954bb}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#ff7518}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#ff0039}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:0;border-top-left-radius:0}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:0;border-bottom-left-radius:0}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#e6e6e6;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#2780e3;border-color:#dddddd}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#dceafa}.list-group-item-success{color:#ffffff;background-color:#3fb618}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#379f15}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#9954bb}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#8d46b0}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#ff7518}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#fe6600}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#ff0039}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#e60033}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#ffffff;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:-1;border-top-left-radius:-1}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:-1;border-top-left-radius:-1}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:-1;border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:-1;border-top-right-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:-1}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:-1;border-bottom-right-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:-1}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:0}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#2780e3}.panel-primary>.panel-heading{color:#ffffff;background-color:#2780e3;border-color:#2780e3}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#2780e3}.panel-primary>.panel-heading .badge{color:#2780e3;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#2780e3}.panel-success{border-color:#4e9f15}.panel-success>.panel-heading{color:#ffffff;background-color:#3fb618;border-color:#4e9f15}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#4e9f15}.panel-success>.panel-heading .badge{color:#3fb618;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#4e9f15}.panel-info{border-color:#7643a8}.panel-info>.panel-heading{color:#ffffff;background-color:#9954bb;border-color:#7643a8}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#7643a8}.panel-info>.panel-heading .badge{color:#9954bb;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#7643a8}.panel-warning{border-color:#ff4309}.panel-warning>.panel-heading{color:#ffffff;background-color:#ff7518;border-color:#ff4309}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ff4309}.panel-warning>.panel-heading .badge{color:#ff7518;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ff4309}.panel-danger{border-color:#f0005e}.panel-danger>.panel-heading{color:#ffffff;background-color:#ff0039;border-color:#f0005e}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f0005e}.panel-danger>.panel-heading .badge{color:#ff0039;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f0005e}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:0}.well-sm{padding:9px;border-radius:0}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Source Sans Pro",Calibri,Candara,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Source Sans Pro",Calibri,Candara,Arial,sans-serif;font-size:15px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:0;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:-1 -1 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar-inverse .badge{background-color:#fff;color:#2780e3}body{-webkit-font-smoothing:antialiased}.text-primary,.text-primary:hover{color:#2780e3}.text-success,.text-success:hover{color:#3fb618}.text-danger,.text-danger:hover{color:#ff0039}.text-warning,.text-warning:hover{color:#ff7518}.text-info,.text-info:hover{color:#9954bb}table a:not(.btn),.table a:not(.btn){text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .success,.table .success,table .warning,.table .warning,table .danger,.table .danger,table .info,.table .info{color:#fff}table .success a,.table .success a,table .warning a,.table .warning a,table .danger a,.table .danger a,table .info a,.table .info a{color:#fff}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#ff7518}.has-warning .form-control,.has-warning .form-control:focus,.has-warning .input-group-addon{border:1px solid #ff7518}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#ff0039}.has-error .form-control,.has-error .form-control:focus,.has-error .input-group-addon{border:1px solid #ff0039}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#3fb618}.has-success .form-control,.has-success .form-control:focus,.has-success .input-group-addon{border:1px solid #3fb618}.nav-pills>li>a{border-radius:0}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{background-image:none}.close{text-decoration:none;text-shadow:none;opacity:0.4}.close:hover,.close:focus{opacity:1}.alert{border:none}.alert .alert-link{text-decoration:underline;color:#fff}.label{border-radius:0}.progress{height:8px;-webkit-box-shadow:none;box-shadow:none}.progress .progress-bar{font-size:8px;line-height:8px}.panel-heading,.panel-footer{border-top-right-radius:0;border-top-left-radius:0}.panel-default .close{color:#333333}a.list-group-item-success.active{background-color:#3fb618}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#379f15}a.list-group-item-warning.active{background-color:#ff7518}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#fe6600}a.list-group-item-danger.active{background-color:#ff0039}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#e60033}.modal .close{color:#333333}.popover{color:#333333} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-cyborg.css b/docs/build/html/_static/css/bootstrap3/bootswatch-cyborg.css new file mode 100644 index 0000000..07dd707 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-cyborg.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Roboto:400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#888888;background-color:#060606}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#2a9fd6;text-decoration:none}a:hover,a:focus{color:#2a9fd6;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#282828;border:1px solid #282828;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #282828}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:500;line-height:1.1;color:#ffffff}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#888888}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:56px}h2,.h2{font-size:45px}h3,.h3{font-size:34px}h4,.h4{font-size:24px}h5,.h5{font-size:20px}h6,.h6{font-size:16px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#ff8800;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#888888}.text-primary{color:#2a9fd6}a.text-primary:hover{color:#2180ac}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#2a9fd6}a.bg-primary:hover{background-color:#2180ac}.bg-success{background-color:#77b300}a.bg-success:hover{background-color:#558000}.bg-info{background-color:#9933cc}a.bg-info:hover{background-color:#7a29a3}.bg-warning{background-color:#ff8800}a.bg-warning:hover{background-color:#cc6d00}.bg-danger{background-color:#cc0000}a.bg-danger:hover{background-color:#990000}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #282828}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #888888}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #282828}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#555555}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #282828;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#282828;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:#181818}caption{padding-top:8px;padding-bottom:8px;color:#888888;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #282828}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #282828}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #282828}.table .table{background-color:#060606}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #282828}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #282828}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#080808}.table-hover>tbody>tr:hover{background-color:#282828}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#282828}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#1b1b1b}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#77b300}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#669a00}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#9933cc}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#8a2eb8}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#ff8800}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#e67a00}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#cc0000}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#b30000}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #282828}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#888888;border:0;border-bottom:1px solid #282828}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#888888}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#888888;background-color:#ffffff;background-image:none;border:1px solid #282828;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#888888;opacity:1}.form-control:-ms-input-placeholder{color:#888888}.form-control::-webkit-input-placeholder{color:#888888}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#adafae;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:54px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:54px;line-height:54px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#77b300}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ff8800}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#cc0000}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#c8c8c8}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#424242;border-color:#424242}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#282828;border-color:#232323}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#424242;border-color:#424242}.btn-default .badge{color:#424242;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#2a9fd6;border-color:#2a9fd6}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#2180ac;border-color:#1f79a3}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#2a9fd6;border-color:#2a9fd6}.btn-primary .badge{color:#2a9fd6;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#77b300;border-color:#77b300}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#558000;border-color:#4e7600}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#77b300;border-color:#77b300}.btn-success .badge{color:#77b300;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#9933cc;border-color:#9933cc}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#7a29a3;border-color:#74279b}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#9933cc;border-color:#9933cc}.btn-info .badge{color:#9933cc;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#ff8800;border-color:#ff8800}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#cc6d00;border-color:#c26700}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#ff8800;border-color:#ff8800}.btn-warning .badge{color:#ff8800;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#cc0000;border-color:#cc0000}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#990000;border-color:#8f0000}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#cc0000;border-color:#cc0000}.btn-danger .badge{color:#cc0000;background-color:#ffffff}.btn-link{color:#2a9fd6;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#2a9fd6;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#888888;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#222222;border:1px solid #444444;border:1px solid rgba(255,255,255,0.1);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:rgba(255,255,255,0.1)}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#ffffff;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#2a9fd6}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#2a9fd6}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#888888}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#888888;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#888888;text-align:center;background-color:#adafae;border:1px solid #282828;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#222222}.nav>li.disabled>a{color:#888888}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#888888;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#222222;border-color:#2a9fd6}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #282828}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:transparent transparent #282828}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#ffffff;background-color:#2a9fd6;border:1px solid #282828;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#060606}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#2a9fd6}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#060606}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#060606;border-color:#282828}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-text{color:#888888}.navbar-default .navbar-nav>li>a{color:#888888}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#888888;background-color:transparent}.navbar-default .navbar-toggle{border-color:#282828}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#282828}.navbar-default .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#282828}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:transparent;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#888888}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#888888;background-color:transparent}}.navbar-default .navbar-link{color:#888888}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#888888}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#888888}.navbar-inverse{background-color:#222222;border-color:#080808}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#888888}.navbar-inverse .navbar-nav>li>a{color:#888888}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#aaaaaa;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#333333}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#333333}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#101010}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:transparent;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#080808}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#080808}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#888888}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#aaaaaa;background-color:transparent}}.navbar-inverse .navbar-link{color:#888888}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#888888}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#aaaaaa}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#222222;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#ffffff}.breadcrumb>.active{color:#888888}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#ffffff;background-color:#222222;border:1px solid #282828;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:#2a9fd6;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#2a9fd6;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#888888;background-color:#222222;border-color:#282828;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#222222;border:1px solid #282828;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#2a9fd6}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#888888;background-color:#222222;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#424242}.label-default[href]:hover,.label-default[href]:focus{background-color:#282828}.label-primary{background-color:#2a9fd6}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#2180ac}.label-success{background-color:#77b300}.label-success[href]:hover,.label-success[href]:focus{background-color:#558000}.label-info{background-color:#9933cc}.label-info[href]:hover,.label-info[href]:focus{background-color:#7a29a3}.label-warning{background-color:#ff8800}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#cc6d00}.label-danger{background-color:#cc0000}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#990000}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#2a9fd6;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#2a9fd6;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#151515}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#000000}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#282828;border:1px solid #282828;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#2a9fd6}.thumbnail .caption{padding:9px;color:#888888}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#77b300;border-color:#809a00;color:#ffffff}.alert-success hr{border-top-color:#6a8000}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#9933cc;border-color:#6e2caf;color:#ffffff}.alert-info hr{border-top-color:#61279b}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#ff8800;border-color:#f05800;color:#ffffff}.alert-warning hr{border-top-color:#d64f00}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#cc0000;border-color:#bd001f;color:#ffffff}.alert-danger hr{border-top-color:#a3001b}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#222222;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#2a9fd6;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#77b300}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#9933cc}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#ff8800}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#cc0000}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#222222;border:1px solid #282828}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#888888}a.list-group-item .list-group-item-heading{color:#ffffff}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#888888;background-color:#484848}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#adafae;color:#888888;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#888888}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#2a9fd6;border-color:#2a9fd6}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#d5ecf7}.list-group-item-success{color:#ffffff;background-color:#77b300}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#669a00}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#9933cc}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#8a2eb8}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#ff8800}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#e67a00}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#cc0000}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#b30000}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#222222;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#3c3c3c;border-top:1px solid #282828;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #282828}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #282828}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #282828}.panel-default{border-color:#282828}.panel-default>.panel-heading{color:#888888;background-color:#3c3c3c;border-color:#282828}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#282828}.panel-default>.panel-heading .badge{color:#3c3c3c;background-color:#888888}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#282828}.panel-primary{border-color:#2a9fd6}.panel-primary>.panel-heading{color:#ffffff;background-color:#2a9fd6;border-color:#2a9fd6}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#2a9fd6}.panel-primary>.panel-heading .badge{color:#2a9fd6;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#2a9fd6}.panel-success{border-color:#809a00}.panel-success>.panel-heading{color:#ffffff;background-color:#77b300;border-color:#809a00}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#809a00}.panel-success>.panel-heading .badge{color:#77b300;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#809a00}.panel-info{border-color:#6e2caf}.panel-info>.panel-heading{color:#ffffff;background-color:#9933cc;border-color:#6e2caf}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#6e2caf}.panel-info>.panel-heading .badge{color:#9933cc;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#6e2caf}.panel-warning{border-color:#f05800}.panel-warning>.panel-heading{color:#ffffff;background-color:#ff8800;border-color:#f05800}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f05800}.panel-warning>.panel-heading .badge{color:#ff8800;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f05800}.panel-danger{border-color:#bd001f}.panel-danger>.panel-heading{color:#ffffff;background-color:#cc0000;border-color:#bd001f}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#bd001f}.panel-danger>.panel-heading .badge{color:#cc0000;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#bd001f}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#151515;border:1px solid #030303;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#202020;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #282828;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #282828}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#202020;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#181818;border-bottom:1px solid #0b0b0b;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#666666;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#202020}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#666666;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#202020}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#666666;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#202020}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#666666;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#202020;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.text-primary,.text-primary:hover{color:#2a9fd6}.text-success,.text-success:hover{color:#77b300}.text-danger,.text-danger:hover{color:#cc0000}.text-warning,.text-warning:hover{color:#ff8800}.text-info,.text-info:hover{color:#9933cc}table,.table{color:#fff}table a:not(.btn),.table a:not(.btn){color:#fff;text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .text-muted,.table .text-muted{color:#888888}.table-responsive>.table{background-color:#181818}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#ff8800}.has-warning .form-control,.has-warning .form-control:focus,.has-warning .input-group-addon{border-color:#ff8800}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#cc0000}.has-error .form-control,.has-error .form-control:focus,.has-error .input-group-addon{border-color:#cc0000}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#77b300}.has-success .form-control,.has-success .form-control:focus,.has-success .input-group-addon{border-color:#77b300}legend{color:#fff}.input-group-addon{background-color:#424242}.nav-tabs a,.nav-pills a,.breadcrumb a,.pager a{color:#fff}.alert .alert-link,.alert a{color:#ffffff;text-decoration:underline}.alert .close{text-decoration:none}.close{color:#fff;text-decoration:none;opacity:0.4}.close:hover,.close:focus{color:#fff;opacity:1}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#282828}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border-color:#282828}a.list-group-item-success.active{background-color:#77b300}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#669a00}a.list-group-item-warning.active{background-color:#ff8800}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#e67a00}a.list-group-item-danger.active{background-color:#cc0000}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#b30000}.jumbotron h1,.jumbotron h2,.jumbotron h3,.jumbotron h4,.jumbotron h5,.jumbotron h6{color:#fff} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-darkly.css b/docs/build/html/_static/css/bootstrap3/bootswatch-darkly.css new file mode 100644 index 0000000..e3d8bfb --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-darkly.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Lato:400,700,400italic");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:1.42857143;color:#ffffff;background-color:#222222}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#0ce3ac;text-decoration:none}a:hover,a:focus{color:#0ce3ac;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:2px;line-height:1.42857143;background-color:#222222;border:1px solid #464545;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #464545}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:400;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:86%}mark,.mark{background-color:#f39c12;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#375a7f}a.text-primary:hover{color:#28415b}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#375a7f}a.bg-primary:hover{background-color:#28415b}.bg-success{background-color:#00bc8c}a.bg-success:hover{background-color:#008966}.bg-info{background-color:#3498db}a.bg-info:hover{background-color:#217dbb}.bg-warning{background-color:#f39c12}a.bg-warning:hover{background-color:#c87f0a}.bg-danger{background-color:#e74c3c}a.bg-danger:hover{background-color:#d62c1a}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid transparent}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #464545}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #464545;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#303030;background-color:#ebebeb;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #464545}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #464545}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #464545}.table .table{background-color:#222222}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #464545}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #464545}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#3d3d3d}.table-hover>tbody>tr:hover{background-color:#464545}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#464545}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#393838}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#00bc8c}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#00a379}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#3498db}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#258cd1}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#f39c12}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#e08e0b}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#e74c3c}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#e43725}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #464545}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#ffffff;border:0;border-bottom:1px solid transparent}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:11px;font-size:15px;line-height:1.42857143;color:#464545}.form-control{display:block;width:100%;height:45px;padding:10px 15px;font-size:15px;line-height:1.42857143;color:#464545;background-color:#ffffff;background-image:none;border:1px solid #f1f1f1;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#ffffff;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(255,255,255,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(255,255,255,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#ebebeb;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:45px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:35px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:66px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:11px;padding-bottom:11px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.input-sm{height:35px;line-height:35px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:35px;line-height:35px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;min-height:34px}.input-lg{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-lg{height:66px;line-height:66px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:66px;line-height:66px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:56.25px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:45px;height:45px;line-height:45px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:66px;height:66px;line-height:66px}.input-sm+.form-control-feedback{width:35px;height:35px;line-height:35px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#00bc8c}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#f39c12}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#e74c3c}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#ffffff}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:11px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:32px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:11px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:24.9999994px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:7px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:10px 15px;font-size:15px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#464545;border-color:#464545}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#2c2c2c;border-color:#272727}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#464545;border-color:#464545}.btn-default .badge{color:#464545;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#375a7f;border-color:#375a7f}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#28415b;border-color:#253c54}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#375a7f;border-color:#375a7f}.btn-primary .badge{color:#375a7f;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#00bc8c;border-color:#00bc8c}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#008966;border-color:#007f5e}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#00bc8c;border-color:#00bc8c}.btn-success .badge{color:#00bc8c;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#3498db;border-color:#3498db}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#217dbb;border-color:#2077b2}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#3498db;border-color:#3498db}.btn-info .badge{color:#3498db;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f39c12;border-color:#f39c12}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#c87f0a;border-color:#be780a}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f39c12;border-color:#f39c12}.btn-warning .badge{color:#f39c12;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#e74c3c;border-color:#e74c3c}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#d62c1a;border-color:#cd2a19}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#e74c3c;border-color:#e74c3c}.btn-danger .badge{color:#e74c3c;background-color:#ffffff}.btn-link{color:#0ce3ac;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#0ce3ac;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:13px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#303030;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#464545}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#ebebeb;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#375a7f}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#375a7f}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:13px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:66px;line-height:66px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:35px;line-height:35px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:10px 15px;font-size:15px;font-weight:normal;line-height:1;color:#464545;text-align:center;background-color:#464545;border:1px solid transparent;border-radius:4px}.input-group-addon.input-sm{padding:6px 9px;font-size:13px;border-radius:3px}.input-group-addon.input-lg{padding:18px 27px;font-size:19px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#303030}.nav>li.disabled>a{color:#605e5e}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#605e5e;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#303030;border-color:#0ce3ac}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #464545}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#464545 #464545 #464545}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#00bc8c;background-color:#222222;border:1px solid #464545;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #ebebeb}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #ebebeb;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#222222}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#375a7f}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #ebebeb}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #ebebeb;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#222222}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:60px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:19.5px 15px;font-size:19px;line-height:21px;height:60px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:13px;margin-bottom:13px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:9.75px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:19.5px;padding-bottom:19.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:7.5px;margin-bottom:7.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:7.5px;margin-bottom:7.5px}.navbar-btn.btn-sm{margin-top:12.5px;margin-bottom:12.5px}.navbar-btn.btn-xs{margin-top:19px;margin-bottom:19px}.navbar-text{margin-top:19.5px;margin-bottom:19.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#375a7f;border-color:transparent}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#00bc8c;background-color:transparent}.navbar-default .navbar-text{color:#777777}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#00bc8c;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#28415b}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#28415b}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#28415b}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:transparent}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#28415b;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#00bc8c;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#28415b}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#00bc8c}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#00bc8c}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#00bc8c;border-color:transparent}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#375a7f;background-color:transparent}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#375a7f;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#00a379}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#aaaaaa;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#008966}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#008966}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#009871}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#00a379;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#375a7f;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#00a379}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#aaaaaa;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#375a7f}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#375a7f}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#aaaaaa}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#464545;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#ffffff}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:10px 15px;line-height:1.42857143;text-decoration:none;color:#ffffff;background-color:#00bc8c;border:1px solid transparent;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:#00dba3;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#00dba3;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#ffffff;background-color:#007053;border-color:transparent;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:18px 27px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:6px 9px;font-size:13px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#00bc8c;border:1px solid transparent;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#00dba3}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#dddddd;background-color:#00bc8c;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#464545}.label-default[href]:hover,.label-default[href]:focus{background-color:#2c2c2c}.label-primary{background-color:#375a7f}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#28415b}.label-success{background-color:#00bc8c}.label-success[href]:hover,.label-success[href]:focus{background-color:#008966}.label-info{background-color:#3498db}.label-info[href]:hover,.label-info[href]:focus{background-color:#217dbb}.label-warning{background-color:#f39c12}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#c87f0a}.label-danger{background-color:#e74c3c}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#d62c1a}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:13px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#464545;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#375a7f;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#303030}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#161616}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:2px;margin-bottom:21px;line-height:1.42857143;background-color:#222222;border:1px solid #464545;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#0ce3ac}.thumbnail .caption{padding:9px;color:#ffffff}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#00bc8c;border-color:#00bc8c;color:#ffffff}.alert-success hr{border-top-color:#00a379}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#3498db;border-color:#3498db;color:#ffffff}.alert-info hr{border-top-color:#258cd1}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#f39c12;border-color:#f39c12;color:#ffffff}.alert-warning hr{border-top-color:#e08e0b}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#e74c3c;border-color:#e74c3c;color:#ffffff}.alert-danger hr{border-top-color:#e43725}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#ebebeb;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:13px;line-height:21px;color:#ffffff;text-align:center;background-color:#375a7f;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#00bc8c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#3498db}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f39c12}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#e74c3c}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#303030;border:1px solid #464545}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#0ce3ac}a.list-group-item .list-group-item-heading{color:#0bcb9a}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#0ce3ac;background-color:transparent}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#ebebeb;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#375a7f;border-color:#375a7f}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#a8c0da}.list-group-item-success{color:#ffffff;background-color:#00bc8c}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#00a379}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#3498db}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#258cd1}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#f39c12}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#e08e0b}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#e74c3c}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#e43725}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#303030;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#464545;border-top:1px solid #464545;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #464545}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #464545}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #464545}.panel-default{border-color:#464545}.panel-default>.panel-heading{color:#ffffff;background-color:#303030;border-color:#464545}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#464545}.panel-default>.panel-heading .badge{color:#303030;background-color:#ffffff}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#464545}.panel-primary{border-color:#375a7f}.panel-primary>.panel-heading{color:#ffffff;background-color:#375a7f;border-color:#375a7f}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#375a7f}.panel-primary>.panel-heading .badge{color:#375a7f;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#375a7f}.panel-success{border-color:#00bc8c}.panel-success>.panel-heading{color:#ffffff;background-color:#00bc8c;border-color:#00bc8c}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#00bc8c}.panel-success>.panel-heading .badge{color:#00bc8c;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#00bc8c}.panel-info{border-color:#3498db}.panel-info>.panel-heading{color:#ffffff;background-color:#3498db;border-color:#3498db}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#3498db}.panel-info>.panel-heading .badge{color:#3498db;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#3498db}.panel-warning{border-color:#f39c12}.panel-warning>.panel-heading{color:#ffffff;background-color:#f39c12;border-color:#f39c12}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f39c12}.panel-warning>.panel-heading .badge{color:#f39c12;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f39c12}.panel-danger{border-color:#e74c3c}.panel-danger>.panel-heading{color:#ffffff;background-color:#e74c3c;border-color:#e74c3c}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#e74c3c}.panel-danger>.panel-heading .badge{color:#e74c3c;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#e74c3c}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#303030;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:none;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#303030;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.7;filter:alpha(opacity=70)}.modal-header{padding:15px;border-bottom:1px solid #464545;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #464545}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#303030;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#282828;border-bottom:1px solid #1c1c1c;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#666666;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#303030}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#666666;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#303030}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#666666;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#303030}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#666666;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#303030;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{border-width:0}.navbar-default .badge{background-color:#fff;color:#375a7f}.navbar-inverse .badge{background-color:#fff;color:#00bc8c}.navbar-brand{line-height:1}.navbar-form .form-control{background-color:white}.navbar-form .form-control:focus{border-color:white}.btn{border-width:2px}.btn:active{-webkit-box-shadow:none;box-shadow:none}.btn-group.open .dropdown-toggle{-webkit-box-shadow:none;box-shadow:none}.text-primary,.text-primary:hover{color:#4673a3}.text-success,.text-success:hover{color:#00bc8c}.text-danger,.text-danger:hover{color:#e74c3c}.text-warning,.text-warning:hover{color:#f39c12}.text-info,.text-info:hover{color:#3498db}table a:not(.btn),.table a:not(.btn){text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .success,.table .success,table .warning,.table .warning,table .danger,.table .danger,table .info,.table .info{color:#fff}table .success>th>a,.table .success>th>a,table .warning>th>a,.table .warning>th>a,table .danger>th>a,.table .danger>th>a,table .info>th>a,.table .info>th>a,table .success>td>a,.table .success>td>a,table .warning>td>a,.table .warning>td>a,table .danger>td>a,.table .danger>td>a,table .info>td>a,.table .info>td>a,table .success>a,.table .success>a,table .warning>a,.table .warning>a,table .danger>a,.table .danger>a,table .info>a,.table .info>a{color:#fff}table>thead>tr>th,.table>thead>tr>th,table>tbody>tr>th,.table>tbody>tr>th,table>tfoot>tr>th,.table>tfoot>tr>th,table>thead>tr>td,.table>thead>tr>td,table>tbody>tr>td,.table>tbody>tr>td,table>tfoot>tr>td,.table>tfoot>tr>td{border:none}table-bordered>thead>tr>th,.table-bordered>thead>tr>th,table-bordered>tbody>tr>th,.table-bordered>tbody>tr>th,table-bordered>tfoot>tr>th,.table-bordered>tfoot>tr>th,table-bordered>thead>tr>td,.table-bordered>thead>tr>td,table-bordered>tbody>tr>td,.table-bordered>tbody>tr>td,table-bordered>tfoot>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #464545}input,textarea{color:#464545}.form-control,input,textarea{border:2px hidden transparent;-webkit-box-shadow:none;box-shadow:none}.form-control:focus,input:focus,textarea:focus{-webkit-box-shadow:none;box-shadow:none}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning .form-control-feedback{color:#f39c12}.has-warning .form-control,.has-warning .form-control:focus{-webkit-box-shadow:none;box-shadow:none}.has-warning .input-group-addon{border-color:#f39c12}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error .form-control-feedback{color:#e74c3c}.has-error .form-control,.has-error .form-control:focus{-webkit-box-shadow:none;box-shadow:none}.has-error .input-group-addon{border-color:#e74c3c}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success .form-control-feedback{color:#00bc8c}.has-success .form-control,.has-success .form-control:focus{-webkit-box-shadow:none;box-shadow:none}.has-success .input-group-addon{border-color:#00bc8c}.input-group-addon{color:#ffffff}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:#464545}.nav-tabs>li>a,.nav-pills>li>a{color:#fff}.pager a,.pager a:hover{color:#fff}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{background-color:#007053}.breadcrumb a{color:#fff}.close{text-decoration:none;text-shadow:none;opacity:0.4}.close:hover,.close:focus{opacity:1}.alert .alert-link{color:#fff;text-decoration:underline}.progress{height:10px;-webkit-box-shadow:none;box-shadow:none}.progress .progress-bar{font-size:10px;line-height:10px}.well{-webkit-box-shadow:none;box-shadow:none}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border-color:#464545}a.list-group-item-success.active{background-color:#00bc8c}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#00a379}a.list-group-item-warning.active{background-color:#f39c12}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#e08e0b}a.list-group-item-danger.active{background-color:#e74c3c}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#e43725}.popover{color:#ffffff}.panel-default>.panel-heading{background-color:#464545} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-flatly.css b/docs/build/html/_static/css/bootstrap3/bootswatch-flatly.css new file mode 100644 index 0000000..57fb3b6 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-flatly.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Lato:400,700,400italic");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:1.42857143;color:#2c3e50;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#18bc9c;text-decoration:none}a:hover,a:focus{color:#18bc9c;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #ecf0f1;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #ecf0f1}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:400;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#b4bcc2}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:86%}mark,.mark{background-color:#f39c12;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#b4bcc2}.text-primary{color:#2c3e50}a.text-primary:hover{color:#1a242f}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#2c3e50}a.bg-primary:hover{background-color:#1a242f}.bg-success{background-color:#18bc9c}a.bg-success:hover{background-color:#128f76}.bg-info{background-color:#3498db}a.bg-info:hover{background-color:#217dbb}.bg-warning{background-color:#f39c12}a.bg-warning:hover{background-color:#c87f0a}.bg-danger{background-color:#e74c3c}a.bg-danger:hover{background-color:#d62c1a}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid transparent}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #b4bcc2}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #ecf0f1}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#b4bcc2}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #ecf0f1;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#7b8a8b;background-color:#ecf0f1;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#b4bcc2;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #ecf0f1}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #ecf0f1}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #ecf0f1}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #ecf0f1}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #ecf0f1}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#ecf0f1}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#ecf0f1}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#dde4e6}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#18bc9c}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#15a589}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#3498db}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#258cd1}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#f39c12}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#e08e0b}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#e74c3c}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#e43725}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #ecf0f1}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#2c3e50;border:0;border-bottom:1px solid transparent}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:11px;font-size:15px;line-height:1.42857143;color:#2c3e50}.form-control{display:block;width:100%;height:45px;padding:10px 15px;font-size:15px;line-height:1.42857143;color:#2c3e50;background-color:#ffffff;background-image:none;border:1px solid #dce4ec;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#2c3e50;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(44,62,80,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(44,62,80,0.6)}.form-control::-moz-placeholder{color:#acb6c0;opacity:1}.form-control:-ms-input-placeholder{color:#acb6c0}.form-control::-webkit-input-placeholder{color:#acb6c0}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#ecf0f1;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:45px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:35px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:66px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:11px;padding-bottom:11px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.input-sm{height:35px;line-height:35px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:35px;line-height:35px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;min-height:34px}.input-lg{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-lg{height:66px;line-height:66px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:66px;line-height:66px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:56.25px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:45px;height:45px;line-height:45px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:66px;height:66px;line-height:66px}.input-sm+.form-control-feedback{width:35px;height:35px;line-height:35px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#18bc9c}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#f39c12}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#e74c3c}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#597ea2}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:11px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:32px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:11px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:24.9999994px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:7px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:10px 15px;font-size:15px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#95a5a6;border-color:#95a5a6}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#798d8f;border-color:#74898a}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#95a5a6;border-color:#95a5a6}.btn-default .badge{color:#95a5a6;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#2c3e50;border-color:#2c3e50}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#1a242f;border-color:#161f29}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#2c3e50;border-color:#2c3e50}.btn-primary .badge{color:#2c3e50;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#18bc9c;border-color:#18bc9c}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#128f76;border-color:#11866f}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#18bc9c;border-color:#18bc9c}.btn-success .badge{color:#18bc9c;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#3498db;border-color:#3498db}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#217dbb;border-color:#2077b2}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#3498db;border-color:#3498db}.btn-info .badge{color:#3498db;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f39c12;border-color:#f39c12}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#c87f0a;border-color:#be780a}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f39c12;border-color:#f39c12}.btn-warning .badge{color:#f39c12;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#e74c3c;border-color:#e74c3c}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#d62c1a;border-color:#cd2a19}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#e74c3c;border-color:#e74c3c}.btn-danger .badge{color:#e74c3c;background-color:#ffffff}.btn-link{color:#18bc9c;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#18bc9c;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#b4bcc2;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:13px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#7b8a8b;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#2c3e50}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#2c3e50}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#b4bcc2}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:13px;line-height:1.42857143;color:#b4bcc2;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:66px;padding:18px 27px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:66px;line-height:66px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:35px;padding:6px 9px;font-size:13px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:35px;line-height:35px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:10px 15px;font-size:15px;font-weight:normal;line-height:1;color:#2c3e50;text-align:center;background-color:#ecf0f1;border:1px solid #dce4ec;border-radius:4px}.input-group-addon.input-sm{padding:6px 9px;font-size:13px;border-radius:3px}.input-group-addon.input-lg{padding:18px 27px;font-size:19px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#ecf0f1}.nav>li.disabled>a{color:#b4bcc2}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#b4bcc2;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#ecf0f1;border-color:#18bc9c}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #ecf0f1}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#ecf0f1 #ecf0f1 #ecf0f1}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#2c3e50;background-color:#ffffff;border:1px solid #ecf0f1;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #ecf0f1}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #ecf0f1;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#2c3e50}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #ecf0f1}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #ecf0f1;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:60px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:19.5px 15px;font-size:19px;line-height:21px;height:60px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:13px;margin-bottom:13px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:9.75px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:19.5px;padding-bottom:19.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:7.5px;margin-bottom:7.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:7.5px;margin-bottom:7.5px}.navbar-btn.btn-sm{margin-top:12.5px;margin-bottom:12.5px}.navbar-btn.btn-xs{margin-top:19px;margin-bottom:19px}.navbar-text{margin-top:19.5px;margin-bottom:19.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#2c3e50;border-color:transparent}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#18bc9c;background-color:transparent}.navbar-default .navbar-text{color:#777777}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#18bc9c;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#1a242f}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#1a242f}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#1a242f}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:transparent}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#1a242f;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#18bc9c;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#1a242f}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#18bc9c}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#18bc9c}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#18bc9c;border-color:transparent}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#2c3e50;background-color:transparent}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#2c3e50;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#15a589}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#128f76}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#128f76}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#149c82}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#15a589;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#2c3e50;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#15a589}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#2c3e50}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#2c3e50}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#ecf0f1;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#95a5a6}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:10px 15px;line-height:1.42857143;text-decoration:none;color:#ffffff;background-color:#18bc9c;border:1px solid transparent;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:#0f7864;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#0f7864;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#ecf0f1;background-color:#3be6c4;border-color:transparent;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:18px 27px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:6px 9px;font-size:13px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#18bc9c;border:1px solid transparent;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#0f7864}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#ffffff;background-color:#18bc9c;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#95a5a6}.label-default[href]:hover,.label-default[href]:focus{background-color:#798d8f}.label-primary{background-color:#2c3e50}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#1a242f}.label-success{background-color:#18bc9c}.label-success[href]:hover,.label-success[href]:focus{background-color:#128f76}.label-info{background-color:#3498db}.label-info[href]:hover,.label-info[href]:focus{background-color:#217dbb}.label-warning{background-color:#f39c12}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#c87f0a}.label-danger{background-color:#e74c3c}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#d62c1a}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:13px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#2c3e50;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#2c3e50;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#ecf0f1}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#cfd9db}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:4px;margin-bottom:21px;line-height:1.42857143;background-color:#ffffff;border:1px solid #ecf0f1;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#18bc9c}.thumbnail .caption{padding:9px;color:#2c3e50}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#18bc9c;border-color:#18bc9c;color:#ffffff}.alert-success hr{border-top-color:#15a589}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#3498db;border-color:#3498db;color:#ffffff}.alert-info hr{border-top-color:#258cd1}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#f39c12;border-color:#f39c12;color:#ffffff}.alert-warning hr{border-top-color:#e08e0b}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#e74c3c;border-color:#e74c3c;color:#ffffff}.alert-danger hr{border-top-color:#e43725}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#ecf0f1;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:13px;line-height:21px;color:#ffffff;text-align:center;background-color:#2c3e50;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#18bc9c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#3498db}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f39c12}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#e74c3c}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #ecf0f1}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#ecf0f1}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#ecf0f1;color:#b4bcc2;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#b4bcc2}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#2c3e50;border-color:#2c3e50}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#8aa4be}.list-group-item-success{color:#ffffff;background-color:#18bc9c}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#15a589}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#3498db}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#258cd1}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#f39c12}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#e08e0b}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#e74c3c}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#e43725}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#ecf0f1;border-top:1px solid #ecf0f1;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #ecf0f1}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #ecf0f1}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #ecf0f1}.panel-default{border-color:#ecf0f1}.panel-default>.panel-heading{color:#2c3e50;background-color:#ecf0f1;border-color:#ecf0f1}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ecf0f1}.panel-default>.panel-heading .badge{color:#ecf0f1;background-color:#2c3e50}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ecf0f1}.panel-primary{border-color:#2c3e50}.panel-primary>.panel-heading{color:#ffffff;background-color:#2c3e50;border-color:#2c3e50}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#2c3e50}.panel-primary>.panel-heading .badge{color:#2c3e50;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#2c3e50}.panel-success{border-color:#18bc9c}.panel-success>.panel-heading{color:#ffffff;background-color:#18bc9c;border-color:#18bc9c}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#18bc9c}.panel-success>.panel-heading .badge{color:#18bc9c;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#18bc9c}.panel-info{border-color:#3498db}.panel-info>.panel-heading{color:#ffffff;background-color:#3498db;border-color:#3498db}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#3498db}.panel-info>.panel-heading .badge{color:#3498db;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#3498db}.panel-warning{border-color:#f39c12}.panel-warning>.panel-heading{color:#ffffff;background-color:#f39c12;border-color:#f39c12}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f39c12}.panel-warning>.panel-heading .badge{color:#f39c12;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f39c12}.panel-danger{border-color:#e74c3c}.panel-danger>.panel-heading{color:#ffffff;background-color:#e74c3c;border-color:#e74c3c}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#e74c3c}.panel-danger>.panel-heading .badge{color:#e74c3c;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#e74c3c}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#ecf0f1;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#000000;text-shadow:none;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{border-width:0}.navbar-default .badge{background-color:#fff;color:#2c3e50}.navbar-inverse .badge{background-color:#fff;color:#18bc9c}.navbar-brand{line-height:1}.btn{border-width:2px}.btn:active{-webkit-box-shadow:none;box-shadow:none}.btn-group.open .dropdown-toggle{-webkit-box-shadow:none;box-shadow:none}.text-primary,.text-primary:hover{color:#2c3e50}.text-success,.text-success:hover{color:#18bc9c}.text-danger,.text-danger:hover{color:#e74c3c}.text-warning,.text-warning:hover{color:#f39c12}.text-info,.text-info:hover{color:#3498db}table a:not(.btn),.table a:not(.btn){text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .success,.table .success,table .warning,.table .warning,table .danger,.table .danger,table .info,.table .info{color:#fff}table .success>th>a,.table .success>th>a,table .warning>th>a,.table .warning>th>a,table .danger>th>a,.table .danger>th>a,table .info>th>a,.table .info>th>a,table .success>td>a,.table .success>td>a,table .warning>td>a,.table .warning>td>a,table .danger>td>a,.table .danger>td>a,table .info>td>a,.table .info>td>a,table .success>a,.table .success>a,table .warning>a,.table .warning>a,table .danger>a,.table .danger>a,table .info>a,.table .info>a{color:#fff}table>thead>tr>th,.table>thead>tr>th,table>tbody>tr>th,.table>tbody>tr>th,table>tfoot>tr>th,.table>tfoot>tr>th,table>thead>tr>td,.table>thead>tr>td,table>tbody>tr>td,.table>tbody>tr>td,table>tfoot>tr>td,.table>tfoot>tr>td{border:none}table-bordered>thead>tr>th,.table-bordered>thead>tr>th,table-bordered>tbody>tr>th,.table-bordered>tbody>tr>th,table-bordered>tfoot>tr>th,.table-bordered>tfoot>tr>th,table-bordered>thead>tr>td,.table-bordered>thead>tr>td,table-bordered>tbody>tr>td,.table-bordered>tbody>tr>td,table-bordered>tfoot>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #ecf0f1}.form-control,input{border-width:2px;-webkit-box-shadow:none;box-shadow:none}.form-control:focus,input:focus{-webkit-box-shadow:none;box-shadow:none}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning .form-control-feedback{color:#f39c12}.has-warning .form-control,.has-warning .form-control:focus{border:2px solid #f39c12}.has-warning .input-group-addon{border-color:#f39c12}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error .form-control-feedback{color:#e74c3c}.has-error .form-control,.has-error .form-control:focus{border:2px solid #e74c3c}.has-error .input-group-addon{border-color:#e74c3c}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success .form-control-feedback{color:#18bc9c}.has-success .form-control,.has-success .form-control:focus{border:2px solid #18bc9c}.has-success .input-group-addon{border-color:#18bc9c}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:transparent}.pager a,.pager a:hover{color:#fff}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{background-color:#3be6c4}.close{color:#fff;text-decoration:none;opacity:0.4}.close:hover,.close:focus{color:#fff;opacity:1}.alert .alert-link{color:#fff;text-decoration:underline}.progress{height:10px;-webkit-box-shadow:none;box-shadow:none}.progress .progress-bar{font-size:10px;line-height:10px}.well{-webkit-box-shadow:none;box-shadow:none}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border-color:#ecf0f1}a.list-group-item-success.active{background-color:#18bc9c}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#15a589}a.list-group-item-warning.active{background-color:#f39c12}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#e08e0b}a.list-group-item-danger.active{background-color:#e74c3c}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#e43725}.panel-default .close{color:#2c3e50}.modal .close{color:#2c3e50}.popover{color:#2c3e50} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-journal.css b/docs/build/html/_static/css/bootstrap3/bootswatch-journal.css new file mode 100644 index 0000000..ddf7331 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-journal.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=News+Cycle:400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:Georgia,"Times New Roman",Times,serif;font-size:15px;line-height:1.42857143;color:#777777;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#eb6864;text-decoration:none}a:hover,a:focus{color:#e22620;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:700;line-height:1.1;color:#000000}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:86%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#eb6864}a.text-primary:hover{color:#e53c37}.text-success{color:#468847}a.text-success:hover{color:#356635}.text-info{color:#3a87ad}a.text-info:hover{color:#2d6987}.text-warning{color:#c09853}a.text-warning:hover{color:#a47e3c}.text-danger{color:#b94a48}a.text-danger:hover{color:#953b39}.bg-primary{color:#fff;background-color:#eb6864}a.bg-primary:hover{background-color:#e53c37}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#777777;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:15px;line-height:1.42857143;color:#777777}.form-control{display:block;width:100%;height:39px;padding:8px 12px;font-size:15px;line-height:1.42857143;color:#777777;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:39px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:31px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:56px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:3px}select.input-sm{height:31px;line-height:31px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:31px;line-height:31px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;min-height:34px}.input-lg{height:56px;padding:14px 16px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-lg{height:56px;line-height:56px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:56px;padding:14px 16px;font-size:19px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:56px;line-height:56px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:56px;padding:14px 16px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:48.75px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:39px;height:39px;line-height:39px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:56px;height:56px;line-height:56px}.input-sm+.form-control-feedback{width:31px;height:31px;line-height:31px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#468847}.has-success .form-control{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.has-success .input-group-addon{color:#468847;border-color:#468847;background-color:#dff0d8}.has-success .form-control-feedback{color:#468847}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#c09853}.has-warning .form-control{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.has-warning .input-group-addon{color:#c09853;border-color:#c09853;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#c09853}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#b94a48}.has-error .form-control{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.has-error .input-group-addon{color:#b94a48;border-color:#b94a48;background-color:#f2dede}.has-error .form-control-feedback{color:#b94a48}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#b7b7b7}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:30px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:15px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#999999;border-color:#999999}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#808080;border-color:#7a7a7a}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#999999;border-color:#999999}.btn-default .badge{color:#999999;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#eb6864;border-color:#eb6864}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#e53c37;border-color:#e4332e}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#eb6864;border-color:#eb6864}.btn-primary .badge{color:#eb6864;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#22b24c;border-color:#22b24c}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#1a873a;border-color:#187f36}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#22b24c;border-color:#22b24c}.btn-success .badge{color:#22b24c;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#336699;border-color:#336699}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#264c73;border-color:#24476b}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#336699;border-color:#336699}.btn-info .badge{color:#336699;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f5e625;border-color:#f5e625}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#ddce0a;border-color:#d3c50a}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f5e625;border-color:#f5e625}.btn-warning .badge{color:#f5e625;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#f57a00;border-color:#f57a00}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#c26100;border-color:#b85c00}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#f57a00;border-color:#f57a00}.btn-danger .badge{color:#f57a00;background-color:#ffffff}.btn-link{color:#eb6864;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#e22620;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:19px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:13px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:13px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#eb6864}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#eb6864}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:13px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:56px;padding:14px 16px;font-size:19px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:56px;line-height:56px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:31px;line-height:31px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:15px;font-weight:normal;line-height:1;color:#777777;text-align:center;background-color:#eeeeee;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:13px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:19px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#eb6864}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#777777;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#eb6864}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:60px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:19.5px 15px;font-size:19px;line-height:21px;height:60px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:13px;margin-bottom:13px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:9.75px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:19.5px;padding-bottom:19.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:10.5px;margin-bottom:10.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:10.5px;margin-bottom:10.5px}.navbar-btn.btn-sm{margin-top:14.5px;margin-bottom:14.5px}.navbar-btn.btn-xs{margin-top:19px;margin-bottom:19px}.navbar-text{margin-top:19.5px;margin-bottom:19.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#ffffff;border-color:#eeeeee}.navbar-default .navbar-brand{color:#000000}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#000000;background-color:#eeeeee}.navbar-default .navbar-text{color:#000000}.navbar-default .navbar-nav>li>a{color:#000000}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#000000;background-color:#eeeeee}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#000000;background-color:#eeeeee}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#dddddd}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#dddddd}.navbar-default .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#eeeeee}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#eeeeee;color:#000000}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#000000}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#000000;background-color:#eeeeee}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#000000;background-color:#eeeeee}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#000000}.navbar-default .navbar-link:hover{color:#000000}.navbar-default .btn-link{color:#000000}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#000000}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#eb6864;border-color:#e53c37}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:#e74b47}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#e74b47}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#e74b47}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#e53c37}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#e53c37}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#e74944}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#e74b47;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#e53c37}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#e53c37}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#e74b47}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#e74b47}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#eb6864;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#e22620;background-color:#eeeeee;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#999999;background-color:#f5f5f5;border-color:#dddddd;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:13px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#999999}.label-default[href]:hover,.label-default[href]:focus{background-color:#808080}.label-primary{background-color:#eb6864}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#e53c37}.label-success{background-color:#22b24c}.label-success[href]:hover,.label-success[href]:focus{background-color:#1a873a}.label-info{background-color:#336699}.label-info[href]:hover,.label-info[href]:focus{background-color:#264c73}.label-warning{background-color:#f5e625}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#ddce0a}.label-danger{background-color:#f57a00}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#c26100}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:13px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#eb6864;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#eb6864;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#eeeeee}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#d5d5d5}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:4px;margin-bottom:21px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#eb6864}.thumbnail .caption{padding:9px;color:#777777}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#468847}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#356635}.alert-info{background-color:#d9edf7;border-color:#bce8f1;color:#3a87ad}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#2d6987}.alert-warning{background-color:#fcf8e3;border-color:#fbeed5;color:#c09853}.alert-warning hr{border-top-color:#f8e5be}.alert-warning .alert-link{color:#a47e3c}.alert-danger{background-color:#f2dede;border-color:#eed3d7;color:#b94a48}.alert-danger hr{border-top-color:#e6c1c7}.alert-danger .alert-link{color:#953b39}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:13px;line-height:21px;color:#ffffff;text-align:center;background-color:#eb6864;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#22b24c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#336699}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f5e625}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#f57a00}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#eb6864;border-color:#eb6864}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#ffffff}.list-group-item-success{color:#468847;background-color:#dff0d8}a.list-group-item-success{color:#468847}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#468847;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#468847;border-color:#468847}.list-group-item-info{color:#3a87ad;background-color:#d9edf7}a.list-group-item-info{color:#3a87ad}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#3a87ad;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#3a87ad;border-color:#3a87ad}.list-group-item-warning{color:#c09853;background-color:#fcf8e3}a.list-group-item-warning{color:#c09853}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#c09853;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#c09853;border-color:#c09853}.list-group-item-danger{color:#b94a48;background-color:#f2dede}a.list-group-item-danger{color:#b94a48}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#b94a48;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#b94a48;border-color:#b94a48}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#777777;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#777777}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#eb6864}.panel-primary>.panel-heading{color:#ffffff;background-color:#eb6864;border-color:#eb6864}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#eb6864}.panel-primary>.panel-heading .badge{color:#eb6864;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#eb6864}.panel-success{border-color:#22b24c}.panel-success>.panel-heading{color:#468847;background-color:#22b24c;border-color:#22b24c}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#22b24c}.panel-success>.panel-heading .badge{color:#22b24c;background-color:#468847}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#22b24c}.panel-info{border-color:#336699}.panel-info>.panel-heading{color:#3a87ad;background-color:#336699;border-color:#336699}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#336699}.panel-info>.panel-heading .badge{color:#336699;background-color:#3a87ad}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#336699}.panel-warning{border-color:#f5e625}.panel-warning>.panel-heading{color:#c09853;background-color:#f5e625;border-color:#f5e625}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f5e625}.panel-warning>.panel-heading .badge{color:#f5e625;background-color:#c09853}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f5e625}.panel-danger{border-color:#f57a00}.panel-danger>.panel-heading{color:#b94a48;background-color:#f57a00;border-color:#f57a00}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f57a00}.panel-danger>.panel-heading .badge{color:#f57a00;background-color:#b94a48}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f57a00}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:Georgia,"Times New Roman",Times,serif;font-size:13px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:Georgia,"Times New Roman",Times,serif;font-size:15px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{font-size:18px;font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:700}.navbar-default .badge{background-color:#000;color:#fff}.navbar-inverse .badge{background-color:#fff;color:#eb6864}.navbar-brand{font-size:inherit;font-weight:700;text-transform:uppercase}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#f57a00}.has-warning .form-control,.has-warning .form-control:focus{border-color:#f57a00}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#eb6864}.has-error .form-control,.has-error .form-control:focus{border-color:#eb6864}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#22b24c}.has-success .form-control,.has-success .form-control:focus{border-color:#22b24c}.badge{padding-bottom:4px;vertical-align:3px;font-size:10px}.jumbotron h1,.jumbotron h2,.jumbotron h3,.jumbotron h4,.jumbotron h5,.jumbotron h6{font-family:"News Cycle","Arial Narrow Bold",sans-serif;font-weight:700;color:#000}.panel-primary .panel-title,.panel-success .panel-title,.panel-warning .panel-title,.panel-danger .panel-title,.panel-info .panel-title{color:#fff} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-lumen.css b/docs/build/html/_static/css/bootstrap3/bootswatch-lumen.css new file mode 100644 index 0000000..7f6a4cd --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-lumen.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Source+Sans+Pro:300,400,700,400italic");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#555555;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#158cba;text-decoration:none}a:hover,a:focus{color:#158cba;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:5px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #eeeeee;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:inherit;font-weight:400;line-height:1.1;color:#333333}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#ff851b;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#158cba}a.text-primary:hover{color:#106a8c}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#158cba}a.bg-primary:hover{background-color:#106a8c}.bg-success{background-color:#28b62c}a.bg-success:hover{background-color:#1f8c22}.bg-info{background-color:#75caeb}a.bg-info:hover{background-color:#48b9e5}.bg-warning{background-color:#ff851b}a.bg-warning:hover{background-color:#e76b00}.bg-danger{background-color:#ff4136}a.bg-danger:hover{background-color:#ff1103}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:2px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#28b62c}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#23a127}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#75caeb}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#5fc1e8}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#ff851b}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#ff7701}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#ff4136}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ff291c}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#333333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:8px;font-size:14px;line-height:1.42857143;color:#555555}.form-control{display:block;width:100%;height:38px;padding:7px 12px;font-size:14px;line-height:1.42857143;color:#555555;background-color:#ffffff;background-image:none;border:1px solid #e7e7e7;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:28px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:52px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:8px;padding-bottom:8px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:28px;padding:4px 10px;font-size:12px;line-height:1.5;border-radius:2px}select.input-sm{height:28px;line-height:28px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:28px;padding:4px 10px;font-size:12px;line-height:1.5;border-radius:2px}select.form-group-sm .form-control{height:28px;line-height:28px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:28px;padding:4px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:52px;padding:13px 16px;font-size:18px;line-height:1.3333333;border-radius:5px}select.input-lg{height:52px;line-height:52px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:52px;padding:13px 16px;font-size:18px;line-height:1.3333333;border-radius:5px}select.form-group-lg .form-control{height:52px;line-height:52px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:52px;padding:13px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:52px;height:52px;line-height:52px}.input-sm+.form-control-feedback{width:28px;height:28px;line-height:28px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#28b62c}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ff851b}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ff4136}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#959595}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:8px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:28px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:8px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:18.3333329px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:5px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:7px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#555555;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#555555;background-color:#eeeeee;border-color:#e2e2e2}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#555555;background-color:#d5d5d5;border-color:#c3c3c3}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#eeeeee;border-color:#e2e2e2}.btn-default .badge{color:#eeeeee;background-color:#555555}.btn-primary{color:#ffffff;background-color:#158cba;border-color:#127ba3}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#106a8c;border-color:#0c516c}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#158cba;border-color:#127ba3}.btn-primary .badge{color:#158cba;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#28b62c;border-color:#23a127}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#1f8c22;border-color:#186f1b}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#28b62c;border-color:#23a127}.btn-success .badge{color:#28b62c;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#75caeb;border-color:#5fc1e8}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#48b9e5;border-color:#29ade0}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#75caeb;border-color:#5fc1e8}.btn-info .badge{color:#75caeb;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#ff851b;border-color:#ff7701}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#e76b00;border-color:#c35b00}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#ff851b;border-color:#ff7701}.btn-warning .badge{color:#ff851b;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#ff4136;border-color:#ff291c}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#ff1103;border-color:#de0c00}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#ff4136;border-color:#ff291c}.btn-danger .badge{color:#ff4136;background-color:#ffffff}.btn-link{color:#158cba;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#158cba;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:13px 16px;font-size:18px;line-height:1.3333333;border-radius:5px}.btn-sm,.btn-group-sm>.btn{padding:4px 10px;font-size:12px;line-height:1.5;border-radius:2px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:2px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid #e7e7e7;border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#eeeeee}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#333333;background-color:transparent}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#158cba}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#eeeeee}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:52px;padding:13px 16px;font-size:18px;line-height:1.3333333;border-radius:5px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:52px;line-height:52px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:28px;padding:4px 10px;font-size:12px;line-height:1.5;border-radius:2px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:28px;line-height:28px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:7px 12px;font-size:14px;font-weight:normal;line-height:1;color:#555555;text-align:center;background-color:#eeeeee;border:1px solid #e7e7e7;border-radius:4px}.input-group-addon.input-sm{padding:4px 10px;font-size:12px;border-radius:2px}.input-group-addon.input-lg{padding:13px 16px;font-size:18px;border-radius:5px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#ffffff}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#ffffff;border-color:#158cba}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #e7e7e7}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #e7e7e7}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#555555;background-color:#ffffff;border:1px solid #e7e7e7;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #e7e7e7}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #e7e7e7;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#158cba}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #e7e7e7}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #e7e7e7;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:11px;margin-bottom:11px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#f8f8f8;border-color:#e7e7e7}.navbar-default .navbar-brand{color:#333333}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#333333;background-color:transparent}.navbar-default .navbar-text{color:#555555}.navbar-default .navbar-nav>li>a{color:#999999}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#333333;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#333333;background-color:transparent}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#eeeeee;background-color:transparent}.navbar-default .navbar-toggle{border-color:#eeeeee}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#ffffff}.navbar-default .navbar-toggle .icon-bar{background-color:#999999}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#e7e7e7}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:transparent;color:#333333}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#999999}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#333333;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#333333;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#eeeeee;background-color:transparent}}.navbar-default .navbar-link{color:#999999}.navbar-default .navbar-link:hover{color:#333333}.navbar-default .btn-link{color:#999999}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#333333}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#eeeeee}.navbar-inverse{background-color:#ffffff;border-color:#e6e6e6}.navbar-inverse .navbar-brand{color:#999999}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-text{color:#999999}.navbar-inverse .navbar-nav>li>a{color:#999999}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#eeeeee;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#eeeeee}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#eeeeee}.navbar-inverse .navbar-toggle .icon-bar{background-color:#999999}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#ededed}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:transparent;color:#333333}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#e6e6e6}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#e6e6e6}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#999999}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#eeeeee;background-color:transparent}}.navbar-inverse .navbar-link{color:#999999}.navbar-inverse .navbar-link:hover{color:#333333}.navbar-inverse .btn-link{color:#999999}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#333333}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#eeeeee}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#fafafa;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:">\00a0";padding:0 5px;color:#999999}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:7px 12px;line-height:1.42857143;text-decoration:none;color:#555555;background-color:#eeeeee;border:1px solid #e2e2e2;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#555555;background-color:#eeeeee;border-color:#e2e2e2}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#158cba;border-color:#127ba3;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#eeeeee;border-color:#e2e2e2;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:13px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:5px;border-top-left-radius:5px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:5px;border-top-right-radius:5px}.pagination-sm>li>a,.pagination-sm>li>span{padding:4px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:2px;border-top-left-radius:2px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:2px;border-top-right-radius:2px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#eeeeee;border:1px solid #e2e2e2;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:#eeeeee;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#999999}.label-default[href]:hover,.label-default[href]:focus{background-color:#808080}.label-primary{background-color:#158cba}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#106a8c}.label-success{background-color:#28b62c}.label-success[href]:hover,.label-success[href]:focus{background-color:#1f8c22}.label-info{background-color:#75caeb}.label-info[href]:hover,.label-info[href]:focus{background-color:#48b9e5}.label-warning{background-color:#ff851b}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#e76b00}.label-danger{background-color:#ff4136}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#ff1103}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:normal;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#158cba;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#158cba;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#fafafa}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#e1e1e1}.container .jumbotron,.container-fluid .jumbotron{border-radius:5px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#ffffff;border:1px solid #eeeeee;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#158cba}.thumbnail .caption{padding:9px;color:#555555}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#28b62c;border-color:#24a528;color:#ffffff}.alert-success hr{border-top-color:#209023}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#75caeb;border-color:#40b5e3;color:#ffffff}.alert-info hr{border-top-color:#29ade0}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#ff851b;border-color:#ff7701;color:#ffffff}.alert-warning hr{border-top-color:#e76b00}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#ff4136;border-color:#ff1103;color:#ffffff}.alert-danger hr{border-top-color:#e90d00}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#fafafa;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#158cba;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#28b62c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#75caeb}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#ff851b}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#ff4136}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#158cba;border-color:#158cba}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#a6dff5}.list-group-item-success{color:#ffffff;background-color:#28b62c}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#23a127}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#75caeb}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#5fc1e8}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#ff851b}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#ff7701}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#ff4136}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#ff291c}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid transparent;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid transparent}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid transparent}.panel-default{border-color:transparent}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:transparent}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-primary{border-color:transparent}.panel-primary>.panel-heading{color:#ffffff;background-color:#158cba;border-color:transparent}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-primary>.panel-heading .badge{color:#158cba;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-success{border-color:transparent}.panel-success>.panel-heading{color:#ffffff;background-color:#28b62c;border-color:transparent}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-success>.panel-heading .badge{color:#28b62c;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-info{border-color:transparent}.panel-info>.panel-heading{color:#ffffff;background-color:#75caeb;border-color:transparent}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-info>.panel-heading .badge{color:#75caeb;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-warning{border-color:transparent}.panel-warning>.panel-heading{color:#ffffff;background-color:#ff851b;border-color:transparent}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-warning>.panel-heading .badge{color:#ff851b;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-danger{border-color:transparent}.panel-danger>.panel-heading{color:#ffffff;background-color:#ff4136;border-color:transparent}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-danger>.panel-heading .badge{color:#ff4136;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#fafafa;border:1px solid #e8e8e8;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:5px}.well-sm{padding:9px;border-radius:2px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:5px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:5px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:4px 4px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{border-width:0 1px 4px 1px}.btn{padding:9px 12px 7px;border-width:0 1px 4px 1px;font-size:12px;font-weight:bold;text-transform:uppercase}.btn:hover{margin-top:1px;border-bottom-width:3px}.btn:active{margin-top:2px;border-bottom-width:2px;-webkit-box-shadow:none;box-shadow:none}.btn-lg,.btn-group-lg>.btn{padding:15px 16px 13px;line-height:15px}.btn-sm,.btn-group-sm>.btn{padding:6px 10px 4px}.btn-xs,.btn-group-xs>.btn{padding:3px 5px 1px}.btn-default:hover,.btn-default:focus,.btn-group.open .dropdown-toggle.btn-default{background-color:#eeeeee;border-color:#e2e2e2}.btn-primary:hover,.btn-primary:focus,.btn-group.open .dropdown-toggle.btn-primary{background-color:#158cba;border-color:#127ba3}.btn-success:hover,.btn-success:focus,.btn-group.open .dropdown-toggle.btn-success{background-color:#28b62c;border-color:#23a127}.btn-info:hover,.btn-info:focus,.btn-group.open .dropdown-toggle.btn-info{background-color:#75caeb;border-color:#5fc1e8}.btn-warning:hover,.btn-warning:focus,.btn-group.open .dropdown-toggle.btn-warning{background-color:#ff851b;border-color:#ff7701}.btn-danger:hover,.btn-danger:focus,.btn-group.open .dropdown-toggle.btn-danger{background-color:#ff4136;border-color:#ff291c}.btn-group.open .dropdown-toggle{-webkit-box-shadow:none;box-shadow:none}.navbar-btn:hover{margin-top:8px}.navbar-btn:active{margin-top:9px}.navbar-btn.btn-sm:hover{margin-top:11px}.navbar-btn.btn-sm:active{margin-top:12px}.navbar-btn.btn-xs:hover{margin-top:15px}.navbar-btn.btn-xs:active{margin-top:16px}.btn-group-vertical .btn+.btn:hover{border-top-width:1px}.btn-group-vertical .btn+.btn:active{border-top-width:2px}.text-primary,.text-primary:hover{color:#158cba}.text-success,.text-success:hover{color:#28b62c}.text-danger,.text-danger:hover{color:#ff4136}.text-warning,.text-warning:hover{color:#ff851b}.text-info,.text-info:hover{color:#75caeb}table a:not(.btn),.table a:not(.btn){text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .success,.table .success,table .warning,.table .warning,table .danger,.table .danger,table .info,.table .info{color:#fff}table .success a:not(.btn),.table .success a:not(.btn),table .warning a:not(.btn),.table .warning a:not(.btn),table .danger a:not(.btn),.table .danger a:not(.btn),table .info a:not(.btn),.table .info a:not(.btn){color:#fff}table>thead>tr>th,.table>thead>tr>th,table>tbody>tr>th,.table>tbody>tr>th,table>tfoot>tr>th,.table>tfoot>tr>th,table>thead>tr>td,.table>thead>tr>td,table>tbody>tr>td,.table>tbody>tr>td,table>tfoot>tr>td,.table>tfoot>tr>td{border-color:transparent}.form-control{-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.075);box-shadow:inset 0 2px 0 rgba(0,0,0,0.075)}label{font-weight:normal}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#ff851b}.has-warning .form-control,.has-warning .form-control:focus{border:1px solid #ff851b;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.075);box-shadow:inset 0 2px 0 rgba(0,0,0,0.075)}.has-warning .input-group-addon{border:1px solid #ff851b}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#ff4136}.has-error .form-control,.has-error .form-control:focus{border:1px solid #ff4136;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.075);box-shadow:inset 0 2px 0 rgba(0,0,0,0.075)}.has-error .input-group-addon{border:1px solid #ff4136}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#28b62c}.has-success .form-control,.has-success .form-control:focus{border:1px solid #28b62c;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.075);box-shadow:inset 0 2px 0 rgba(0,0,0,0.075)}.has-success .input-group-addon{border:1px solid #28b62c}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:transparent}.nav-tabs>li>a{margin-top:6px;border-color:#e7e7e7;color:#333333;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus,.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus,.nav-tabs .open>a,.nav-tabs .open>a:hover,.nav-tabs .open>a:focus{padding-bottom:16px;margin-top:0}.nav-tabs .open>a,.nav-tabs .open>a:hover,.nav-tabs .open>a:focus{border-color:#e7e7e7}.nav-tabs>li.disabled>a:hover,.nav-tabs>li.disabled>a:focus{padding-top:10px;padding-bottom:10px;margin-top:6px}.nav-tabs.nav-justified>li{vertical-align:bottom}.dropdown-menu{margin-top:0;border-width:0 1px 4px 1px;border-top-width:1px;-webkit-box-shadow:none;box-shadow:none}.breadcrumb{border-color:#ededed;border-style:solid;border-width:0 1px 4px 1px}.pagination>li>a,.pager>li>a,.pagination>li>span,.pager>li>span{position:relative;top:0;border-width:0 1px 4px 1px;color:#555555;font-size:12px;font-weight:bold;text-transform:uppercase}.pagination>li>a:hover,.pager>li>a:hover,.pagination>li>span:hover,.pager>li>span:hover{top:1px;border-bottom-width:3px}.pagination>li>a:active,.pager>li>a:active,.pagination>li>span:active,.pager>li>span:active{top:2px;border-bottom-width:2px}.pagination>.disabled>a:hover,.pager>.disabled>a:hover,.pagination>.disabled>span:hover,.pager>.disabled>span:hover{top:0;border-width:0 1px 4px 1px}.pagination>.disabled>a:active,.pager>.disabled>a:active,.pagination>.disabled>span:active,.pager>.disabled>span:active{top:0;border-width:0 1px 4px 1px}.pager>li>a,.pager>li>span,.pager>.disabled>a,.pager>.disabled>span,.pager>li>a:hover,.pager>li>span:hover,.pager>.disabled>a:hover,.pager>.disabled>span:hover,.pager>li>a:active,.pager>li>span:active,.pager>.disabled>a:active,.pager>.disabled>span:active{border-left-width:2px;border-right-width:2px}.close{color:#fff;text-decoration:none;opacity:0.4}.close:hover,.close:focus{color:#fff;opacity:1}.alert{border-width:0 1px 4px 1px}.alert .alert-link{font-weight:normal;color:#fff;text-decoration:underline}.label{font-weight:normal}.progress{border:1px solid #e7e7e7;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.1);box-shadow:inset 0 2px 0 rgba(0,0,0,0.1)}.progress-bar{-webkit-box-shadow:inset 0 -4px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -4px 0 rgba(0,0,0,0.15)}.well{border:1px solid #e7e7e7;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.05);box-shadow:inset 0 2px 0 rgba(0,0,0,0.05)}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border-color:#dddddd}a.list-group-item-success.active{background-color:#28b62c}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#23a127}a.list-group-item-warning.active{background-color:#ff851b}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#ff7701}a.list-group-item-danger.active{background-color:#ff4136}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#ff291c}.jumbotron{border:1px solid #e7e7e7;-webkit-box-shadow:inset 0 2px 0 rgba(0,0,0,0.05);box-shadow:inset 0 2px 0 rgba(0,0,0,0.05)}.panel{border:1px solid #e7e7e7;border-width:0 1px 4px 1px}.panel-default .close{color:#555555}.modal .close{color:#555555}.popover{color:#555555} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-paper.css b/docs/build/html/_static/css/bootstrap3/bootswatch-paper.css new file mode 100644 index 0000000..4802bb4 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-paper.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Roboto:300,400,500,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;line-height:1.846;color:#666666;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#2196f3;text-decoration:none}a:hover,a:focus{color:#0a6ebd;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:3px}.img-thumbnail{padding:4px;line-height:1.846;background-color:#ffffff;border:1px solid #dddddd;border-radius:3px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:23px;margin-bottom:23px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:inherit;font-weight:400;line-height:1.1;color:#444444}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#bbbbbb}h1,.h1,h2,.h2,h3,.h3{margin-top:23px;margin-bottom:11.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:11.5px;margin-bottom:11.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:56px}h2,.h2{font-size:45px}h3,.h3{font-size:34px}h4,.h4{font-size:24px}h5,.h5{font-size:20px}h6,.h6{font-size:14px}p{margin:0 0 11.5px}.lead{margin-bottom:23px;font-size:14px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:19.5px}}small,.small{font-size:92%}mark,.mark{background-color:#ffe0b2;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#bbbbbb}.text-primary{color:#2196f3}a.text-primary:hover{color:#0c7cd5}.text-success{color:#4caf50}a.text-success:hover{color:#3d8b40}.text-info{color:#9c27b0}a.text-info:hover{color:#771e86}.text-warning{color:#ff9800}a.text-warning:hover{color:#cc7a00}.text-danger{color:#e51c23}a.text-danger:hover{color:#b9151b}.bg-primary{color:#fff;background-color:#2196f3}a.bg-primary:hover{background-color:#0c7cd5}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#e1bee7}a.bg-info:hover{background-color:#d099d9}.bg-warning{background-color:#ffe0b2}a.bg-warning:hover{background-color:#ffcb7f}.bg-danger{background-color:#f9bdbb}a.bg-danger:hover{background-color:#f5908c}.page-header{padding-bottom:10.5px;margin:46px 0 23px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:11.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:23px}dt,dd{line-height:1.846}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #bbbbbb}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:11.5px 23px;margin:0 0 23px;font-size:16.25px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.846;color:#bbbbbb}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:23px;font-style:normal;line-height:1.846}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:3px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:11px;margin:0 0 11.5px;font-size:12px;line-height:1.846;word-break:break-all;word-wrap:break-word;color:#212121;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:3px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#bbbbbb;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:23px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.846;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#e1bee7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#d8abe0}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#ffe0b2}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#ffd699}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f9bdbb}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#f7a6a4}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:17.25px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:23px;font-size:19.5px;line-height:inherit;color:#212121;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:7px;font-size:13px;line-height:1.846;color:#666666}.form-control{display:block;width:100%;height:37px;padding:6px 16px;font-size:13px;line-height:1.846;color:#666666;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:3px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#bbbbbb;opacity:1}.form-control:-ms-input-placeholder{color:#bbbbbb}.form-control::-webkit-input-placeholder{color:#bbbbbb}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:transparent;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:37px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:45px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:23px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:7px;padding-bottom:7px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:35px}.input-lg{height:45px;padding:10px 16px;font-size:17px;line-height:1.3333333;border-radius:3px}select.input-lg{height:45px;line-height:45px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:45px;padding:10px 16px;font-size:17px;line-height:1.3333333;border-radius:3px}select.form-group-lg .form-control{height:45px;line-height:45px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:45px;padding:10px 16px;font-size:17px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:46.25px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:37px;height:37px;line-height:37px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:45px;height:45px;line-height:45px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#4caf50}.has-success .form-control{border-color:#4caf50;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#3d8b40;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #92cf94;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #92cf94}.has-success .input-group-addon{color:#4caf50;border-color:#4caf50;background-color:#dff0d8}.has-success .form-control-feedback{color:#4caf50}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ff9800}.has-warning .form-control{border-color:#ff9800;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#cc7a00;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ffc166;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ffc166}.has-warning .input-group-addon{color:#ff9800;border-color:#ff9800;background-color:#ffe0b2}.has-warning .form-control-feedback{color:#ff9800}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#e51c23}.has-error .form-control{border-color:#e51c23;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#b9151b;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ef787c;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #ef787c}.has-error .input-group-addon{color:#e51c23;border-color:#e51c23;background-color:#f9bdbb}.has-error .form-control-feedback{color:#e51c23}.has-feedback label~.form-control-feedback{top:28px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#a6a6a6}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:7px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:30px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:7px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:14.333333px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:6px 16px;font-size:13px;line-height:1.846;border-radius:3px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#666666;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#666666;background-color:#ffffff;border-color:#eeeeee}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#666666;background-color:#e6e6e6;border-color:#cfcfcf}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#ffffff;border-color:#eeeeee}.btn-default .badge{color:#ffffff;background-color:#666666}.btn-primary{color:#ffffff;background-color:#2196f3;border-color:transparent}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#0c7cd5;border-color:rgba(0,0,0,0)}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#2196f3;border-color:transparent}.btn-primary .badge{color:#2196f3;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#4caf50;border-color:transparent}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#3d8b40;border-color:rgba(0,0,0,0)}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#4caf50;border-color:transparent}.btn-success .badge{color:#4caf50;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#9c27b0;border-color:transparent}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#771e86;border-color:rgba(0,0,0,0)}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#9c27b0;border-color:transparent}.btn-info .badge{color:#9c27b0;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#ff9800;border-color:transparent}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#cc7a00;border-color:rgba(0,0,0,0)}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#ff9800;border-color:transparent}.btn-warning .badge{color:#ff9800;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#e51c23;border-color:transparent}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#b9151b;border-color:rgba(0,0,0,0)}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#e51c23;border-color:transparent}.btn-danger .badge{color:#e51c23;background-color:#ffffff}.btn-link{color:#2196f3;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#0a6ebd;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#bbbbbb;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:10px 16px;font-size:17px;line-height:1.3333333;border-radius:3px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:13px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:3px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:10.5px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.846;color:#666666;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#141414;background-color:#eeeeee}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#2196f3}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#bbbbbb}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.846;color:#bbbbbb;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:3px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:3px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:45px;padding:10px 16px;font-size:17px;line-height:1.3333333;border-radius:3px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:45px;line-height:45px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:6px 16px;font-size:13px;font-weight:normal;line-height:1;color:#666666;text-align:center;background-color:transparent;border:1px solid transparent;border-radius:3px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:10px 16px;font-size:17px;border-radius:3px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#bbbbbb}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#bbbbbb;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#2196f3}.nav .nav-divider{height:1px;margin:10.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid transparent}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.846;border:1px solid transparent;border-radius:3px 3px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee transparent}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#666666;background-color:transparent;border:1px solid transparent;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:3px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid transparent}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid transparent;border-radius:3px 3px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:3px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#2196f3}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:3px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid transparent}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid transparent;border-radius:3px 3px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:64px;margin-bottom:23px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:3px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:20.5px 15px;font-size:17px;line-height:23px;height:64px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:15px;margin-bottom:15px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:3px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:10.25px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:23px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:23px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:20.5px;padding-bottom:20.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:13.5px;margin-bottom:13.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:3px;border-top-left-radius:3px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:13.5px;margin-bottom:13.5px}.navbar-btn.btn-sm{margin-top:17px;margin-bottom:17px}.navbar-btn.btn-xs{margin-top:21px;margin-bottom:21px}.navbar-text{margin-top:20.5px;margin-bottom:20.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#ffffff;border-color:transparent}.navbar-default .navbar-brand{color:#666666}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#212121;background-color:transparent}.navbar-default .navbar-text{color:#bbbbbb}.navbar-default .navbar-nav>li>a{color:#666666}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#212121;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#212121;background-color:#eeeeee}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:transparent}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:transparent}.navbar-default .navbar-toggle .icon-bar{background-color:rgba(0,0,0,0.5)}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:transparent}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#eeeeee;color:#212121}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#666666}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#212121;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#212121;background-color:#eeeeee}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#666666}.navbar-default .navbar-link:hover{color:#212121}.navbar-default .btn-link{color:#666666}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#212121}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#2196f3;border-color:transparent}.navbar-inverse .navbar-brand{color:#b2dbfb}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#bbbbbb}.navbar-inverse .navbar-nav>li>a{color:#b2dbfb}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#0c7cd5}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:transparent}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:transparent}.navbar-inverse .navbar-toggle .icon-bar{background-color:rgba(0,0,0,0.5)}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#0c84e4}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#0c7cd5;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#b2dbfb}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#0c7cd5}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#b2dbfb}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#b2dbfb}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:23px;list-style:none;background-color:#f5f5f5;border-radius:3px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#bbbbbb}.pagination{display:inline-block;padding-left:0;margin:23px 0;border-radius:3px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:6px 16px;line-height:1.846;text-decoration:none;color:#2196f3;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#0a6ebd;background-color:#eeeeee;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#2196f3;border-color:#2196f3;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#bbbbbb;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:10px 16px;font-size:17px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:23px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#bbbbbb;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#bbbbbb}.label-default[href]:hover,.label-default[href]:focus{background-color:#a2a2a2}.label-primary{background-color:#2196f3}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#0c7cd5}.label-success{background-color:#4caf50}.label-success[href]:hover,.label-success[href]:focus{background-color:#3d8b40}.label-info{background-color:#9c27b0}.label-info[href]:hover,.label-info[href]:focus{background-color:#771e86}.label-warning{background-color:#ff9800}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#cc7a00}.label-danger{background-color:#e51c23}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#b9151b}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:normal;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#bbbbbb;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#2196f3;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#f9f9f9}.jumbotron h1,.jumbotron .h1{color:#444444}.jumbotron p{margin-bottom:15px;font-size:20px;font-weight:200}.jumbotron>hr{border-top-color:#e0e0e0}.container .jumbotron,.container-fluid .jumbotron{border-radius:3px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:58.5px}}.thumbnail{display:block;padding:4px;margin-bottom:23px;line-height:1.846;background-color:#ffffff;border:1px solid #dddddd;border-radius:3px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#2196f3}.thumbnail .caption{padding:9px;color:#666666}.alert{padding:15px;margin-bottom:23px;border:1px solid transparent;border-radius:3px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#4caf50}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#3d8b40}.alert-info{background-color:#e1bee7;border-color:#cba4dd;color:#9c27b0}.alert-info hr{border-top-color:#c191d6}.alert-info .alert-link{color:#771e86}.alert-warning{background-color:#ffe0b2;border-color:#ffc599;color:#ff9800}.alert-warning hr{border-top-color:#ffb67f}.alert-warning .alert-link{color:#cc7a00}.alert-danger{background-color:#f9bdbb;border-color:#f7a4af;color:#e51c23}.alert-danger hr{border-top-color:#f58c9a}.alert-danger .alert-link{color:#b9151b}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:23px;margin-bottom:23px;background-color:#f5f5f5;border-radius:3px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:23px;color:#ffffff;text-align:center;background-color:#2196f3;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#4caf50}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#9c27b0}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#ff9800}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#e51c23}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#bbbbbb;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#bbbbbb}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#2196f3;border-color:#2196f3}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#e3f2fd}.list-group-item-success{color:#4caf50;background-color:#dff0d8}a.list-group-item-success{color:#4caf50}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#4caf50;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#4caf50;border-color:#4caf50}.list-group-item-info{color:#9c27b0;background-color:#e1bee7}a.list-group-item-info{color:#9c27b0}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#9c27b0;background-color:#d8abe0}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#9c27b0;border-color:#9c27b0}.list-group-item-warning{color:#ff9800;background-color:#ffe0b2}a.list-group-item-warning{color:#ff9800}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ff9800;background-color:#ffd699}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ff9800;border-color:#ff9800}.list-group-item-danger{color:#e51c23;background-color:#f9bdbb}a.list-group-item-danger{color:#e51c23}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#e51c23;background-color:#f7a6a4}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#e51c23;border-color:#e51c23}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:23px;background-color:#ffffff;border:1px solid transparent;border-radius:3px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:2px;border-top-left-radius:2px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:15px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:2px;border-bottom-left-radius:2px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:2px;border-top-left-radius:2px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:2px;border-bottom-left-radius:2px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:2px;border-top-left-radius:2px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:2px;border-top-right-radius:2px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:2px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:2px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:2px;border-bottom-left-radius:2px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:2px;border-bottom-right-radius:2px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:2px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:2px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:23px}.panel-group .panel{margin-bottom:0;border-radius:3px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#212121;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#212121}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#2196f3}.panel-primary>.panel-heading{color:#ffffff;background-color:#2196f3;border-color:#2196f3}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#2196f3}.panel-primary>.panel-heading .badge{color:#2196f3;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#2196f3}.panel-success{border-color:#d6e9c6}.panel-success>.panel-heading{color:#ffffff;background-color:#4caf50;border-color:#d6e9c6}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d6e9c6}.panel-success>.panel-heading .badge{color:#4caf50;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d6e9c6}.panel-info{border-color:#cba4dd}.panel-info>.panel-heading{color:#ffffff;background-color:#9c27b0;border-color:#cba4dd}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#cba4dd}.panel-info>.panel-heading .badge{color:#9c27b0;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#cba4dd}.panel-warning{border-color:#ffc599}.panel-warning>.panel-heading{color:#ffffff;background-color:#ff9800;border-color:#ffc599}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ffc599}.panel-warning>.panel-heading .badge{color:#ff9800;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ffc599}.panel-danger{border-color:#f7a4af}.panel-danger>.panel-heading{color:#ffffff;background-color:#e51c23;border-color:#f7a4af}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f7a4af}.panel-danger>.panel-heading .badge{color:#e51c23;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f7a4af}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f9f9f9;border:1px solid transparent;border-radius:3px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:3px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:19.5px;font-weight:normal;line-height:1;color:#000000;text-shadow:none;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid transparent;border-radius:3px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid transparent;min-height:16.846px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.846}.modal-body{position:relative;padding:15px}.modal-footer{padding:15px;text-align:right;border-top:1px solid transparent}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#727272;border-radius:3px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#727272}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#727272}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#727272}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#727272}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#727272}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#727272}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#727272}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#727272}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.846;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid transparent;border-radius:3px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:13px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:2px 2px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:rgba(0,0,0,0);border-top-color:rgba(0,0,0,0.075);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:rgba(0,0,0,0);border-right-color:rgba(0,0,0,0.075)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:rgba(0,0,0,0);border-bottom-color:rgba(0,0,0,0.075);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:rgba(0,0,0,0);border-left-color:rgba(0,0,0,0.075)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{border:none;-webkit-box-shadow:0 1px 2px rgba(0,0,0,0.3);box-shadow:0 1px 2px rgba(0,0,0,0.3)}.navbar-brand{font-size:24px}.navbar-inverse .form-control{color:#fff}.navbar-inverse .form-control::-moz-placeholder{color:#b2dbfb;opacity:1}.navbar-inverse .form-control:-ms-input-placeholder{color:#b2dbfb}.navbar-inverse .form-control::-webkit-input-placeholder{color:#b2dbfb}.navbar-inverse .form-control[type=text]{-webkit-box-shadow:inset 0 -1px 0 #b2dbfb;box-shadow:inset 0 -1px 0 #b2dbfb}.navbar-inverse .form-control[type=text]:focus{-webkit-box-shadow:inset 0 -2px 0 #fff;box-shadow:inset 0 -2px 0 #fff}.btn-default{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-default:hover,.btn-default:active:hover,.btn-default:focus{background-color:#f0f0f0}.btn-default:active{background-color:#f0f0f0;background-image:-webkit-radial-gradient(circle, #f0f0f0 10%, #fff 11%);background-image:-o-radial-gradient(circle, #f0f0f0 10%, #fff 11%);background-image:radial-gradient(circle, #f0f0f0 10%, #fff 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn-primary{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-primary:hover,.btn-primary:active:hover,.btn-primary:focus{background-color:#0d87e9}.btn-primary:active{background-color:#0d87e9;background-image:-webkit-radial-gradient(circle, #0d87e9 10%, #2196f3 11%);background-image:-o-radial-gradient(circle, #0d87e9 10%, #2196f3 11%);background-image:radial-gradient(circle, #0d87e9 10%, #2196f3 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn-success{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-success:hover,.btn-success:active:hover,.btn-success:focus{background-color:#439a46}.btn-success:active{background-color:#439a46;background-image:-webkit-radial-gradient(circle, #439a46 10%, #4caf50 11%);background-image:-o-radial-gradient(circle, #439a46 10%, #4caf50 11%);background-image:radial-gradient(circle, #439a46 10%, #4caf50 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn-info{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-info:hover,.btn-info:active:hover,.btn-info:focus{background-color:#862197}.btn-info:active{background-color:#862197;background-image:-webkit-radial-gradient(circle, #862197 10%, #9c27b0 11%);background-image:-o-radial-gradient(circle, #862197 10%, #9c27b0 11%);background-image:radial-gradient(circle, #862197 10%, #9c27b0 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn-warning{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-warning:hover,.btn-warning:active:hover,.btn-warning:focus{background-color:#e08600}.btn-warning:active{background-color:#e08600;background-image:-webkit-radial-gradient(circle, #e08600 10%, #ff9800 11%);background-image:-o-radial-gradient(circle, #e08600 10%, #ff9800 11%);background-image:radial-gradient(circle, #e08600 10%, #ff9800 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn-danger{-webkit-background-size:200% 200%;background-size:200%;background-position:50%}.btn-danger:hover,.btn-danger:active:hover,.btn-danger:focus{background-color:#cb171e}.btn-danger:active{background-color:#cb171e;background-image:-webkit-radial-gradient(circle, #cb171e 10%, #e51c23 11%);background-image:-o-radial-gradient(circle, #cb171e 10%, #e51c23 11%);background-image:radial-gradient(circle, #cb171e 10%, #e51c23 11%);background-repeat:no-repeat;-webkit-background-size:1000% 1000%;background-size:1000%;-webkit-box-shadow:2px 2px 2px rgba(0,0,0,0.3);box-shadow:2px 2px 2px rgba(0,0,0,0.3)}.btn{text-transform:uppercase;border-right:none;border-bottom:none;-webkit-box-shadow:1px 1px 2px rgba(0,0,0,0.3);box-shadow:1px 1px 2px rgba(0,0,0,0.3);-webkit-transition:all 0.2s;-o-transition:all 0.2s;transition:all 0.2s}.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn-link:hover,.btn-link:focus{color:#2196f3;text-decoration:none}.btn-default.disabled{border:1px solid #eeeeee}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:0}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:0}body{-webkit-font-smoothing:antialiased;letter-spacing:.1px;text-rendering:optimizeLegibility}p{margin:0 0 1em}input,button{-webkit-font-smoothing:antialiased;letter-spacing:.1px;text-rendering:optimizeLegibility}a{-webkit-transition:all 0.2s;-o-transition:all 0.2s;transition:all 0.2s}.table-hover>tbody>tr:hover,.table-hover>tbody>tr:hover>th,.table-hover>tbody>tr:hover>td{-webkit-transition:all 0.2s;-o-transition:all 0.2s;transition:all 0.2s}label{font-weight:normal}textarea,textarea.form-control,input.form-control,input[type=text],input[type=password],input[type=email],input[type=number],[type=text].form-control,[type=password].form-control,[type=email].form-control,[type=tel].form-control,[contenteditable].form-control{padding:0;border:none;border-radius:0;-webkit-appearance:none;-webkit-box-shadow:inset 0 -1px 0 #ddd;box-shadow:inset 0 -1px 0 #ddd;font-size:16px}textarea:focus,textarea.form-control:focus,input.form-control:focus,input[type=text]:focus,input[type=password]:focus,input[type=email]:focus,input[type=number]:focus,[type=text].form-control:focus,[type=password].form-control:focus,[type=email].form-control:focus,[type=tel].form-control:focus,[contenteditable].form-control:focus{-webkit-box-shadow:inset 0 -2px 0 #2196f3;box-shadow:inset 0 -2px 0 #2196f3}textarea[disabled],textarea.form-control[disabled],input.form-control[disabled],input[type=text][disabled],input[type=password][disabled],input[type=email][disabled],input[type=number][disabled],[type=text].form-control[disabled],[type=password].form-control[disabled],[type=email].form-control[disabled],[type=tel].form-control[disabled],[contenteditable].form-control[disabled],textarea[readonly],textarea.form-control[readonly],input.form-control[readonly],input[type=text][readonly],input[type=password][readonly],input[type=email][readonly],input[type=number][readonly],[type=text].form-control[readonly],[type=password].form-control[readonly],[type=email].form-control[readonly],[type=tel].form-control[readonly],[contenteditable].form-control[readonly]{-webkit-box-shadow:none;box-shadow:none;border-bottom:1px dotted #ddd}textarea.input-sm,textarea.form-control.input-sm,input.form-control.input-sm,input[type=text].input-sm,input[type=password].input-sm,input[type=email].input-sm,input[type=number].input-sm,[type=text].form-control.input-sm,[type=password].form-control.input-sm,[type=email].form-control.input-sm,[type=tel].form-control.input-sm,[contenteditable].form-control.input-sm{font-size:12px}textarea.input-lg,textarea.form-control.input-lg,input.form-control.input-lg,input[type=text].input-lg,input[type=password].input-lg,input[type=email].input-lg,input[type=number].input-lg,[type=text].form-control.input-lg,[type=password].form-control.input-lg,[type=email].form-control.input-lg,[type=tel].form-control.input-lg,[contenteditable].form-control.input-lg{font-size:17px}select,select.form-control{border:0;border-radius:0;-webkit-appearance:none;-moz-appearance:none;appearance:none;padding-left:0;padding-right:0\9;background-image:url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABoAAAAaCAMAAACelLz8AAAAJ1BMVEVmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmZmaP/QSjAAAADHRSTlMAAgMJC0uWpKa6wMxMdjkoAAAANUlEQVR4AeXJyQEAERAAsNl7Hf3X6xt0QL6JpZWq30pdvdadme+0PMdzvHm8YThHcT1H7K0BtOMDniZhWOgAAAAASUVORK5CYII=);-webkit-background-size:13px 13px;background-size:13px;background-repeat:no-repeat;background-position:right center;-webkit-box-shadow:inset 0 -1px 0 #ddd;box-shadow:inset 0 -1px 0 #ddd;font-size:16px;line-height:1.5}select::-ms-expand,select.form-control::-ms-expand{display:none}select.input-sm,select.form-control.input-sm{font-size:12px}select.input-lg,select.form-control.input-lg{font-size:17px}select:focus,select.form-control:focus{-webkit-box-shadow:inset 0 -2px 0 #2196f3;box-shadow:inset 0 -2px 0 #2196f3;background-image:url(data:image/png;base64,iVBORw0KGgoAAAANSUhEUgAAABoAAAAaCAMAAACelLz8AAAAJ1BMVEUhISEhISEhISEhISEhISEhISEhISEhISEhISEhISEhISEhISEhISF8S9ewAAAADHRSTlMAAgMJC0uWpKa6wMxMdjkoAAAANUlEQVR4AeXJyQEAERAAsNl7Hf3X6xt0QL6JpZWq30pdvdadme+0PMdzvHm8YThHcT1H7K0BtOMDniZhWOgAAAAASUVORK5CYII=)}select[multiple],select.form-control[multiple]{background:none}.radio label,.radio-inline label,.checkbox label,.checkbox-inline label{padding-left:25px}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="radio"],.checkbox-inline input[type="radio"],.radio input[type="checkbox"],.radio-inline input[type="checkbox"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{margin-left:-25px}input[type="radio"],.radio input[type="radio"],.radio-inline input[type="radio"]{position:relative;margin-top:5px;margin-right:4px;vertical-align:-4px;border:none;background-color:transparent;-webkit-appearance:none;appearance:none;cursor:pointer}input[type="radio"]:focus,.radio input[type="radio"]:focus,.radio-inline input[type="radio"]:focus{outline:none}input[type="radio"]:before,.radio input[type="radio"]:before,.radio-inline input[type="radio"]:before,input[type="radio"]:after,.radio input[type="radio"]:after,.radio-inline input[type="radio"]:after{content:"";display:block;width:18px;height:18px;margin-top:-3px;border-radius:50%;-webkit-transition:240ms;-o-transition:240ms;transition:240ms}input[type="radio"]:before,.radio input[type="radio"]:before,.radio-inline input[type="radio"]:before{position:absolute;left:0;top:0;background-color:#2196f3;-webkit-transform:scale(0);-ms-transform:scale(0);-o-transform:scale(0);transform:scale(0)}input[type="radio"]:after,.radio input[type="radio"]:after,.radio-inline input[type="radio"]:after{border:2px solid #666666}input[type="radio"]:checked:before,.radio input[type="radio"]:checked:before,.radio-inline input[type="radio"]:checked:before{-webkit-transform:scale(.5);-ms-transform:scale(.5);-o-transform:scale(.5);transform:scale(.5)}input[type="radio"]:disabled:checked:before,.radio input[type="radio"]:disabled:checked:before,.radio-inline input[type="radio"]:disabled:checked:before{background-color:#bbbbbb}input[type="radio"]:checked:after,.radio input[type="radio"]:checked:after,.radio-inline input[type="radio"]:checked:after{border-color:#2196f3}input[type="radio"]:disabled:after,.radio input[type="radio"]:disabled:after,.radio-inline input[type="radio"]:disabled:after,input[type="radio"]:disabled:checked:after,.radio input[type="radio"]:disabled:checked:after,.radio-inline input[type="radio"]:disabled:checked:after{border-color:#bbbbbb}input[type="checkbox"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:relative;vertical-align:-4px;border:none;-webkit-appearance:none;appearance:none;cursor:pointer}input[type="checkbox"]:focus,.checkbox input[type="checkbox"]:focus,.checkbox-inline input[type="checkbox"]:focus{outline:none}input[type="checkbox"]:after,.checkbox input[type="checkbox"]:after,.checkbox-inline input[type="checkbox"]:after{content:"";display:block;width:18px;height:18px;margin-top:-2px;margin-right:5px;border:2px solid #666666;border-radius:2px;-webkit-transition:240ms;-o-transition:240ms;transition:240ms}input[type="checkbox"]:checked:before,.checkbox input[type="checkbox"]:checked:before,.checkbox-inline input[type="checkbox"]:checked:before{content:"";position:absolute;top:0;left:6px;display:table;width:6px;height:12px;border:2px solid #fff;border-top-width:0;border-left-width:0;-webkit-transform:rotate(45deg);-ms-transform:rotate(45deg);-o-transform:rotate(45deg);transform:rotate(45deg)}input[type="checkbox"]:checked:after,.checkbox input[type="checkbox"]:checked:after,.checkbox-inline input[type="checkbox"]:checked:after{background-color:#2196f3;border-color:#2196f3}input[type="checkbox"]:disabled:after,.checkbox input[type="checkbox"]:disabled:after,.checkbox-inline input[type="checkbox"]:disabled:after{border-color:#bbbbbb}input[type="checkbox"]:disabled:checked:after,.checkbox input[type="checkbox"]:disabled:checked:after,.checkbox-inline input[type="checkbox"]:disabled:checked:after{background-color:#bbbbbb;border-color:transparent}.has-warning input:not([type=checkbox]),.has-warning .form-control,.has-warning input:not([type=checkbox]):focus,.has-warning .form-control:focus{-webkit-box-shadow:inset 0 -2px 0 #ff9800;box-shadow:inset 0 -2px 0 #ff9800}.has-error input:not([type=checkbox]),.has-error .form-control,.has-error input:not([type=checkbox]):focus,.has-error .form-control:focus{-webkit-box-shadow:inset 0 -2px 0 #e51c23;box-shadow:inset 0 -2px 0 #e51c23}.has-success input:not([type=checkbox]),.has-success .form-control,.has-success input:not([type=checkbox]):focus,.has-success .form-control:focus{-webkit-box-shadow:inset 0 -2px 0 #4caf50;box-shadow:inset 0 -2px 0 #4caf50}.nav-tabs>li>a,.nav-tabs>li>a:focus{margin-right:0;background-color:transparent;border:none;color:#666666;-webkit-box-shadow:inset 0 -1px 0 #ddd;box-shadow:inset 0 -1px 0 #ddd;-webkit-transition:all 0.2s;-o-transition:all 0.2s;transition:all 0.2s}.nav-tabs>li>a:hover,.nav-tabs>li>a:focus:hover{background-color:transparent;-webkit-box-shadow:inset 0 -2px 0 #2196f3;box-shadow:inset 0 -2px 0 #2196f3;color:#2196f3}.nav-tabs>li.active>a,.nav-tabs>li.active>a:focus{border:none;-webkit-box-shadow:inset 0 -2px 0 #2196f3;box-shadow:inset 0 -2px 0 #2196f3;color:#2196f3}.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus:hover{border:none;color:#2196f3}.nav-tabs>li.disabled>a{-webkit-box-shadow:inset 0 -1px 0 #ddd;box-shadow:inset 0 -1px 0 #ddd}.nav-tabs.nav-justified>li>a,.nav-tabs.nav-justified>li>a:hover,.nav-tabs.nav-justified>li>a:focus,.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:none}.nav-tabs .dropdown-menu{margin-top:0}.dropdown-menu{margin-top:0;border:none;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.3);box-shadow:0 1px 4px rgba(0,0,0,0.3)}.alert{border:none;color:#fff}.alert-success{background-color:#4caf50}.alert-info{background-color:#9c27b0}.alert-warning{background-color:#ff9800}.alert-danger{background-color:#e51c23}.alert a:not(.close),.alert .alert-link{color:#fff;font-weight:bold}.alert .close{color:#fff}.badge{padding:3px 6px 5px}.progress{position:relative;z-index:1;height:6px;border-radius:0;-webkit-box-shadow:none;box-shadow:none}.progress-bar{-webkit-box-shadow:none;box-shadow:none}.progress-bar:last-child{border-radius:0 3px 3px 0}.progress-bar:last-child:before{display:block;content:"";position:absolute;width:100%;height:100%;left:0;right:0;z-index:-1;background-color:#cae6fc}.progress-bar-success:last-child.progress-bar:before{background-color:#c7e7c8}.progress-bar-info:last-child.progress-bar:before{background-color:#edc9f3}.progress-bar-warning:last-child.progress-bar:before{background-color:#ffe0b3}.progress-bar-danger:last-child.progress-bar:before{background-color:#f28e92}.close{font-size:34px;font-weight:300;line-height:24px;opacity:0.6}.close:hover{opacity:1}.list-group-item{padding:15px}.list-group-item-text{color:#bbbbbb}.well{border-radius:0;-webkit-box-shadow:none;box-shadow:none}.panel{border:none;border-radius:2px;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.3);box-shadow:0 1px 4px rgba(0,0,0,0.3)}.panel-heading{border-bottom:none}.panel-footer{border-top:none}.popover{border:none;-webkit-box-shadow:0 1px 4px rgba(0,0,0,0.3);box-shadow:0 1px 4px rgba(0,0,0,0.3)}.carousel-caption h1,.carousel-caption h2,.carousel-caption h3,.carousel-caption h4,.carousel-caption h5,.carousel-caption h6{color:inherit} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-readable.css b/docs/build/html/_static/css/bootstrap3/bootswatch-readable.css new file mode 100644 index 0000000..79d1030 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-readable.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Raleway:400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:Georgia,"Times New Roman",Times,serif;font-size:16px;line-height:1.42857143;color:#333333;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#4582ec;text-decoration:none}a:hover,a:focus{color:#134fb8;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:22px;margin-bottom:22px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:bold;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#b3b3b3}h1,.h1,h2,.h2,h3,.h3{margin-top:22px;margin-bottom:11px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:11px;margin-bottom:11px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:41px}h2,.h2{font-size:34px}h3,.h3{font-size:28px}h4,.h4{font-size:20px}h5,.h5{font-size:16px}h6,.h6{font-size:14px}p{margin:0 0 11px}.lead{margin-bottom:22px;font-size:18px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:24px}}small,.small{font-size:87%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#b3b3b3}.text-primary{color:#4582ec}a.text-primary:hover{color:#1863e6}.text-success{color:#3fad46}a.text-success:hover{color:#318837}.text-info{color:#5bc0de}a.text-info:hover{color:#31b0d5}.text-warning{color:#f0ad4e}a.text-warning:hover{color:#ec971f}.text-danger{color:#d9534f}a.text-danger:hover{color:#c9302c}.bg-primary{color:#fff;background-color:#4582ec}a.bg-primary:hover{background-color:#1863e6}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:10px;margin:44px 0 22px;border-bottom:1px solid #dddddd}ul,ol{margin-top:0;margin-bottom:11px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:22px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #b3b3b3}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:11px 22px;margin:0 0 22px;font-size:20px;border-left:5px solid #4582ec}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#333333}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #4582ec;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:22px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10.5px;margin:0 0 11px;font-size:15px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#b3b3b3;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:22px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:16.5px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:22px;font-size:24px;line-height:inherit;color:#333333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:16px;line-height:1.42857143;color:#333333}.form-control{display:block;width:100%;height:40px;padding:8px 12px;font-size:16px;line-height:1.42857143;color:#333333;background-color:#ffffff;background-image:none;border:1px solid #dddddd;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#b3b3b3;opacity:1}.form-control:-ms-input-placeholder{color:#b3b3b3}.form-control::-webkit-input-placeholder{color:#b3b3b3}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:40px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:33px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:57px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:22px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:38px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:33px;padding:5px 10px;font-size:14px;line-height:1.5;border-radius:3px}select.input-sm{height:33px;line-height:33px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:33px;padding:5px 10px;font-size:14px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:33px;line-height:33px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:33px;padding:5px 10px;font-size:14px;line-height:1.5;min-height:36px}.input-lg{height:57px;padding:14px 16px;font-size:20px;line-height:1.3333333;border-radius:6px}select.input-lg{height:57px;line-height:57px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:57px;padding:14px 16px;font-size:20px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:57px;line-height:57px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:57px;padding:14px 16px;font-size:20px;line-height:1.3333333;min-height:42px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:50px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:40px;height:40px;line-height:40px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:57px;height:57px;line-height:57px}.input-sm+.form-control-feedback{width:33px;height:33px;line-height:33px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#3fad46}.has-success .form-control{border-color:#3fad46;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#318837;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #81d186;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #81d186}.has-success .input-group-addon{color:#3fad46;border-color:#3fad46;background-color:#dff0d8}.has-success .form-control-feedback{color:#3fad46}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#f0ad4e}.has-warning .form-control{border-color:#f0ad4e;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#ec971f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f8d9ac;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f8d9ac}.has-warning .input-group-addon{color:#f0ad4e;border-color:#f0ad4e;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#f0ad4e}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#d9534f}.has-error .form-control{border-color:#d9534f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#c9302c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #eba5a3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #eba5a3}.has-error .input-group-addon{color:#d9534f;border-color:#d9534f;background-color:#f2dede}.has-error .form-control-feedback{color:#d9534f}.has-feedback label~.form-control-feedback{top:27px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#737373}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:31px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:16px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#333333;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#333333;background-color:#ffffff;border-color:#dddddd}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#333333;background-color:#e6e6e6;border-color:#bebebe}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#ffffff;border-color:#dddddd}.btn-default .badge{color:#ffffff;background-color:#333333}.btn-primary{color:#ffffff;background-color:#4582ec;border-color:#4582ec}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#1863e6;border-color:#175fdd}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#4582ec;border-color:#4582ec}.btn-primary .badge{color:#4582ec;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#3fad46;border-color:#3fad46}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#318837;border-color:#2f8034}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#3fad46;border-color:#3fad46}.btn-success .badge{color:#3fad46;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#5bc0de;border-color:#5bc0de}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#31b0d5;border-color:#2aabd2}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#5bc0de;border-color:#5bc0de}.btn-info .badge{color:#5bc0de;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f0ad4e;border-color:#f0ad4e}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#ec971f;border-color:#eb9316}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f0ad4e;border-color:#f0ad4e}.btn-warning .badge{color:#f0ad4e;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#d9534f;border-color:#d9534f}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#c9302c;border-color:#c12e2a}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#d9534f;border-color:#d9534f}.btn-danger .badge{color:#d9534f;background-color:#ffffff}.btn-link{color:#4582ec;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#134fb8;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#b3b3b3;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:20px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:14px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:14px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:16px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:10px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#4582ec}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#4582ec}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#b3b3b3}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:14px;line-height:1.42857143;color:#b3b3b3;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:57px;padding:14px 16px;font-size:20px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:57px;line-height:57px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:33px;padding:5px 10px;font-size:14px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:33px;line-height:33px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:16px;font-weight:normal;line-height:1;color:#333333;text-align:center;background-color:#eeeeee;border:1px solid #dddddd;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:14px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:20px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#b3b3b3}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#b3b3b3;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#4582ec}.nav .nav-divider{height:1px;margin:10px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#555555;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#4582ec}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:65px;margin-bottom:22px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:21.5px 15px;font-size:20px;line-height:22px;height:65px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:15.5px;margin-bottom:15.5px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:10.75px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:22px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:22px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:21.5px;padding-bottom:21.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:12.5px;margin-bottom:12.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:12.5px;margin-bottom:12.5px}.navbar-btn.btn-sm{margin-top:16px;margin-bottom:16px}.navbar-btn.btn-xs{margin-top:21.5px;margin-bottom:21.5px}.navbar-text{margin-top:21.5px;margin-bottom:21.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#ffffff;border-color:#dddddd}.navbar-default .navbar-brand{color:#4582ec}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#4582ec;background-color:transparent}.navbar-default .navbar-text{color:#333333}.navbar-default .navbar-nav>li>a{color:#4582ec}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#4582ec;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#4582ec;background-color:transparent}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#333333;background-color:transparent}.navbar-default .navbar-toggle{border-color:#dddddd}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#dddddd}.navbar-default .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#dddddd}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:transparent;color:#4582ec}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#4582ec}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#4582ec;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#4582ec;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#333333;background-color:transparent}}.navbar-default .navbar-link{color:#4582ec}.navbar-default .navbar-link:hover{color:#4582ec}.navbar-default .btn-link{color:#4582ec}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#4582ec}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#333333}.navbar-inverse{background-color:#ffffff;border-color:#dddddd}.navbar-inverse .navbar-brand{color:#333333}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-text{color:#333333}.navbar-inverse .navbar-nav>li>a{color:#333333}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#dddddd}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#dddddd}.navbar-inverse .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#ededed}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:transparent;color:#333333}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#dddddd}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#dddddd}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#333333}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#333333;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#333333}.navbar-inverse .navbar-link:hover{color:#333333}.navbar-inverse .btn-link{color:#333333}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#333333}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:22px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#b3b3b3}.pagination{display:inline-block;padding-left:0;margin:22px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#333333;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:#4582ec;border-color:#4582ec}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#4582ec;border-color:#4582ec;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#b3b3b3;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:20px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:14px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:22px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#4582ec}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#b3b3b3;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#ffffff}.label-default[href]:hover,.label-default[href]:focus{background-color:#e6e6e6}.label-primary{background-color:#4582ec}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#1863e6}.label-success{background-color:#3fad46}.label-success[href]:hover,.label-success[href]:focus{background-color:#318837}.label-info{background-color:#5bc0de}.label-info[href]:hover,.label-info[href]:focus{background-color:#31b0d5}.label-warning{background-color:#f0ad4e}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#ec971f}.label-danger{background-color:#d9534f}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#c9302c}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:14px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#4582ec;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#4582ec;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#f7f7f7}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:24px;font-weight:200}.jumbotron>hr{border-top-color:#dedede}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:72px}}.thumbnail{display:block;padding:4px;margin-bottom:22px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#4582ec}.thumbnail .caption{padding:9px;color:#333333}.alert{padding:15px;margin-bottom:22px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#3fad46;border-color:#3fad46;color:#ffffff}.alert-success hr{border-top-color:#389a3e}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#5bc0de;border-color:#5bc0de;color:#ffffff}.alert-info hr{border-top-color:#46b8da}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#f0ad4e;border-color:#f0ad4e;color:#ffffff}.alert-warning hr{border-top-color:#eea236}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#d9534f;border-color:#d9534f;color:#ffffff}.alert-danger hr{border-top-color:#d43f3a}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:22px;margin-bottom:22px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:14px;line-height:22px;color:#ffffff;text-align:center;background-color:#4582ec;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#3fad46}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#5bc0de}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f0ad4e}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#d9534f}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#b3b3b3;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#b3b3b3}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#4582ec;border-color:#4582ec}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#fefeff}.list-group-item-success{color:#3fad46;background-color:#dff0d8}a.list-group-item-success{color:#3fad46}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#3fad46;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#3fad46;border-color:#3fad46}.list-group-item-info{color:#5bc0de;background-color:#d9edf7}a.list-group-item-info{color:#5bc0de}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#5bc0de;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#5bc0de;border-color:#5bc0de}.list-group-item-warning{color:#f0ad4e;background-color:#fcf8e3}a.list-group-item-warning{color:#f0ad4e}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#f0ad4e;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#f0ad4e;border-color:#f0ad4e}.list-group-item-danger{color:#d9534f;background-color:#f2dede}a.list-group-item-danger{color:#d9534f}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#d9534f;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#d9534f;border-color:#d9534f}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:22px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:18px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#ffffff;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:22px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#4582ec}.panel-primary>.panel-heading{color:#ffffff;background-color:#4582ec;border-color:#4582ec}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#4582ec}.panel-primary>.panel-heading .badge{color:#4582ec;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#4582ec}.panel-success{border-color:#3fad46}.panel-success>.panel-heading{color:#ffffff;background-color:#3fad46;border-color:#3fad46}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#3fad46}.panel-success>.panel-heading .badge{color:#3fad46;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#3fad46}.panel-info{border-color:#5bc0de}.panel-info>.panel-heading{color:#ffffff;background-color:#5bc0de;border-color:#5bc0de}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#5bc0de}.panel-info>.panel-heading .badge{color:#5bc0de;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#5bc0de}.panel-warning{border-color:#f0ad4e}.panel-warning>.panel-heading{color:#ffffff;background-color:#f0ad4e;border-color:#f0ad4e}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#f0ad4e}.panel-warning>.panel-heading .badge{color:#f0ad4e;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#f0ad4e}.panel-danger{border-color:#d9534f}.panel-danger>.panel-heading{color:#ffffff;background-color:#d9534f;border-color:#d9534f}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d9534f}.panel-danger>.panel-heading .badge{color:#d9534f;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d9534f}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f7f7f7;border:1px solid #e5e5e5;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:24px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:Georgia,"Times New Roman",Times,serif;font-size:14px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:Georgia,"Times New Roman",Times,serif;font-size:16px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:16px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}.navbar-nav,.navbar-form{margin-left:0;margin-right:0}.navbar-nav>li>a{margin:12.5px 6px;padding:8px 12px;border:1px solid transparent;border-radius:4px}.navbar-nav>li>a:hover{border:1px solid #ddd}.navbar-nav>.active>a,.navbar-nav>.active>a:hover{border:1px solid #ddd}.navbar-default .navbar-nav>.active>a:hover{color:#4582ec}.navbar-inverse .navbar-nav>.active>a:hover{color:#333333}.navbar-brand{padding-top:12.5px;padding-bottom:12.5px;line-height:1.9}@media (min-width:768px){.navbar .navbar-nav>li>a{padding:8px 12px}}@media (max-width:768px - 1){.navbar .navbar-nav>li>a{margin:0}}.btn{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}legend{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}.input-group-addon{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border:1px solid #ddd}.pagination{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 24px}.pager{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif}.pager a{color:#333333}.pager a:hover{border-color:transparent;color:#fff}.pager .disabled a{border-color:#dddddd}.close{color:#fff;text-decoration:none;text-shadow:none;opacity:0.4}.close:hover,.close:focus{color:#fff;opacity:1}.alert .alert-link{color:#ffffff;text-decoration:underline}.label{font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:normal}.label-default{border:1px solid #ddd;color:#333333}.badge{padding:1px 7px 5px;vertical-align:2px;font-family:"Raleway","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:normal}.panel{-webkit-box-shadow:none;box-shadow:none}.panel-default .close{color:#333333}.modal .close{color:#333333} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-sandstone.css b/docs/build/html/_static/css/bootstrap3/bootswatch-sandstone.css new file mode 100644 index 0000000..cf81ab9 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-sandstone.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Roboto:400,500");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#3e3f3a;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#93c54b;text-decoration:none}a:hover,a:focus{color:#79a736;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#f8f5f0;border:1px solid #dfd7ca;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #f8f5f0}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:inherit;font-weight:400;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#98978b}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#98978b}.text-primary{color:#325d88}a.text-primary:hover{color:#244363}.text-success{color:#93c54b}a.text-success:hover{color:#79a736}.text-info{color:#29abe0}a.text-info:hover{color:#1b8dbb}.text-warning{color:#f47c3c}a.text-warning:hover{color:#ef5c0e}.text-danger{color:#d9534f}a.text-danger:hover{color:#c9302c}.bg-primary{color:#fff;background-color:#325d88}a.bg-primary:hover{background-color:#244363}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #f8f5f0}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #98978b}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #dfd7ca}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#3e3f3a}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #dfd7ca;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#8e8c84;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#98978b;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dfd7ca}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dfd7ca}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dfd7ca}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dfd7ca}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dfd7ca}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f8f5f0}.table-hover>tbody>tr:hover{background-color:#f8f5f0}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f8f5f0}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#f0e9df}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dfd7ca}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:inherit;border:0;border-bottom:1px solid transparent}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:13px;font-size:14px;line-height:1.42857143;color:#3e3f3a}.form-control{display:block;width:100%;height:46px;padding:12px 16px;font-size:14px;line-height:1.42857143;color:#3e3f3a;background-color:#ffffff;background-image:none;border:1px solid #dfd7ca;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:transparent;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(0,0,0,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(0,0,0,0.6)}.form-control::-moz-placeholder{color:#dfd7ca;opacity:1}.form-control:-ms-input-placeholder{color:#dfd7ca}.form-control::-webkit-input-placeholder{color:#dfd7ca}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#f8f5f0;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:46px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:66px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:13px;padding-bottom:13px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:66px;padding:20px 30px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:66px;line-height:66px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:66px;padding:20px 30px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:66px;line-height:66px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:66px;padding:20px 30px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:57.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:46px;height:46px;line-height:46px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:66px;height:66px;line-height:66px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#93c54b}.has-success .form-control{border-color:#93c54b;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#79a736;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #c1de98;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #c1de98}.has-success .input-group-addon{color:#93c54b;border-color:#93c54b;background-color:#dff0d8}.has-success .form-control-feedback{color:#93c54b}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#f47c3c}.has-warning .form-control{border-color:#f47c3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#ef5c0e;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f9bd9d;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f9bd9d}.has-warning .input-group-addon{color:#f47c3c;border-color:#f47c3c;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#f47c3c}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#d9534f}.has-error .form-control{border-color:#d9534f;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#c9302c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #eba5a3;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #eba5a3}.has-error .input-group-addon{color:#d9534f;border-color:#d9534f;background-color:#f2dede}.has-error .form-control-feedback{color:#d9534f}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#7f8177}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:13px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:33px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:13px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:27.666666px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:12px 16px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#3e3f3a;border-color:transparent}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#242422;border-color:rgba(0,0,0,0)}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#3e3f3a;border-color:transparent}.btn-default .badge{color:#3e3f3a;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#325d88;border-color:transparent}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#244363;border-color:rgba(0,0,0,0)}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#325d88;border-color:transparent}.btn-primary .badge{color:#325d88;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#93c54b;border-color:transparent}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#79a736;border-color:rgba(0,0,0,0)}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#93c54b;border-color:transparent}.btn-success .badge{color:#93c54b;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#29abe0;border-color:transparent}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#1b8dbb;border-color:rgba(0,0,0,0)}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#29abe0;border-color:transparent}.btn-info .badge{color:#29abe0;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f47c3c;border-color:transparent}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#ef5c0e;border-color:rgba(0,0,0,0)}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f47c3c;border-color:transparent}.btn-warning .badge{color:#f47c3c;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#d9534f;border-color:transparent}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#c9302c;border-color:rgba(0,0,0,0)}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#d9534f;border-color:transparent}.btn-danger .badge{color:#d9534f;background-color:#ffffff}.btn-link{color:#93c54b;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#79a736;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#dfd7ca;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:20px 30px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #dfd7ca;border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#f8f5f0}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#98978b;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#98978b;background-color:#f8f5f0}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#98978b;text-decoration:none;outline:0;background-color:#f8f5f0}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#dfd7ca}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#dfd7ca;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:66px;padding:20px 30px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:66px;line-height:66px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:12px 16px;font-size:14px;font-weight:normal;line-height:1;color:#3e3f3a;text-align:center;background-color:#f8f5f0;border:1px solid #dfd7ca;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:20px 30px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#f8f5f0}.nav>li.disabled>a{color:#dfd7ca}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#dfd7ca;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#f8f5f0;border-color:#93c54b}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dfd7ca}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#dfd7ca #dfd7ca #dfd7ca}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#98978b;background-color:#ffffff;border:1px solid #dfd7ca;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dfd7ca}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dfd7ca;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#98978b;background-color:#f8f5f0}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dfd7ca}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dfd7ca;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:60px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:20px 15px;font-size:18px;line-height:20px;height:60px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:13px;margin-bottom:13px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:10px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:20px;padding-bottom:20px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:7px;margin-bottom:7px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:7px;margin-bottom:7px}.navbar-btn.btn-sm{margin-top:15px;margin-bottom:15px}.navbar-btn.btn-xs{margin-top:19px;margin-bottom:19px}.navbar-text{margin-top:20px;margin-bottom:20px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#3e3f3a;border-color:#3e3f3a}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-text{color:#8e8c84}.navbar-default .navbar-nav>li>a{color:#98978b}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#393a35}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:transparent}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#393a35}.navbar-default .navbar-toggle .icon-bar{background-color:#98978b}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#3e3f3a}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#393a35;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#98978b}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#393a35}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#98978b}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#98978b}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#93c54b;border-color:#93c54b}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#dfd7ca}.navbar-inverse .navbar-nav>li>a{color:#6b9430}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#89be3d}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:transparent}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#89be3d}.navbar-inverse .navbar-toggle .icon-bar{background-color:#6b9430}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#81b33a}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#89be3d;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#93c54b}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#93c54b}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#6b9430}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#89be3d}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#6b9430}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#6b9430}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#f8f5f0;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#dfd7ca}.breadcrumb>.active{color:#98978b}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:12px 16px;line-height:1.42857143;text-decoration:none;color:#98978b;background-color:#f8f5f0;border:1px solid #dfd7ca;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#8e8c84;background-color:#dfd7ca;border-color:#dfd7ca}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#8e8c84;background-color:#dfd7ca;border-color:#dfd7ca;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#dfd7ca;background-color:#f8f5f0;border-color:#dfd7ca;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:20px 30px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#f8f5f0;border:1px solid #dfd7ca;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#dfd7ca}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#dfd7ca;background-color:#f8f5f0;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#3e3f3a}.label-default[href]:hover,.label-default[href]:focus{background-color:#242422}.label-primary{background-color:#325d88}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#244363}.label-success{background-color:#93c54b}.label-success[href]:hover,.label-success[href]:focus{background-color:#79a736}.label-info{background-color:#29abe0}.label-info[href]:hover,.label-info[href]:focus{background-color:#1b8dbb}.label-warning{background-color:#f47c3c}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#ef5c0e}.label-danger{background-color:#d9534f}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#c9302c}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:normal;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#93c54b;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#ffffff;background-color:#93c54b}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#f8f5f0}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#e8decd}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#f8f5f0;border:1px solid #dfd7ca;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#93c54b}.thumbnail .caption{padding:9px;color:#3e3f3a}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#93c54b;border-color:transparent;color:#ffffff}.alert-success hr{border-top-color:rgba(0,0,0,0)}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#29abe0;border-color:transparent;color:#ffffff}.alert-info hr{border-top-color:rgba(0,0,0,0)}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#f47c3c;border-color:transparent;color:#ffffff}.alert-warning hr{border-top-color:rgba(0,0,0,0)}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#d9534f;border-color:transparent;color:#ffffff}.alert-danger hr{border-top-color:rgba(0,0,0,0)}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#325d88;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#93c54b}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#29abe0}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f47c3c}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#d9534f}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dfd7ca}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#3e3f3a}a.list-group-item .list-group-item-heading{color:inherit}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#3e3f3a;background-color:#f8f5f0}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#f8f5f0;color:#dfd7ca;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#dfd7ca}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#3e3f3a;background-color:#f8f5f0;border-color:#dfd7ca}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#3e3f3a}.list-group-item-success{color:#93c54b;background-color:#dff0d8}a.list-group-item-success{color:#93c54b}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#93c54b;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#93c54b;border-color:#93c54b}.list-group-item-info{color:#29abe0;background-color:#d9edf7}a.list-group-item-info{color:#29abe0}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#29abe0;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#29abe0;border-color:#29abe0}.list-group-item-warning{color:#f47c3c;background-color:#fcf8e3}a.list-group-item-warning{color:#f47c3c}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#f47c3c;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#f47c3c;border-color:#f47c3c}.list-group-item-danger{color:#d9534f;background-color:#f2dede}a.list-group-item-danger{color:#d9534f}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#d9534f;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#d9534f;border-color:#d9534f}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f8f5f0;border-top:1px solid #dfd7ca;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dfd7ca}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dfd7ca}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dfd7ca}.panel-default{border-color:#dfd7ca}.panel-default>.panel-heading{color:#3e3f3a;background-color:#f8f5f0;border-color:#dfd7ca}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dfd7ca}.panel-default>.panel-heading .badge{color:#f8f5f0;background-color:#3e3f3a}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dfd7ca}.panel-primary{border-color:#325d88}.panel-primary>.panel-heading{color:#ffffff;background-color:#325d88;border-color:#325d88}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#325d88}.panel-primary>.panel-heading .badge{color:#325d88;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#325d88}.panel-success{border-color:#d6e9c6}.panel-success>.panel-heading{color:#93c54b;background-color:#93c54b;border-color:#d6e9c6}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d6e9c6}.panel-success>.panel-heading .badge{color:#93c54b;background-color:#93c54b}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d6e9c6}.panel-info{border-color:#bce8f1}.panel-info>.panel-heading{color:#29abe0;background-color:#29abe0;border-color:#bce8f1}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#bce8f1}.panel-info>.panel-heading .badge{color:#29abe0;background-color:#29abe0}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#bce8f1}.panel-warning{border-color:#faebcc}.panel-warning>.panel-heading{color:#f47c3c;background-color:#f47c3c;border-color:#faebcc}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#faebcc}.panel-warning>.panel-heading .badge{color:#f47c3c;background-color:#f47c3c}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#faebcc}.panel-danger{border-color:#ebccd1}.panel-danger>.panel-heading{color:#d9534f;background-color:#d9534f;border-color:#ebccd1}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ebccd1}.panel-danger>.panel-heading .badge{color:#d9534f;background-color:#d9534f}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ebccd1}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f8f5f0;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 0 0 transparent;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #f8f5f0;border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #f8f5f0;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:15px}.modal-footer{padding:15px;text-align:right;border-top:1px solid #f8f5f0}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:1;filter:alpha(opacity=100)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#3e3f3a;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#3e3f3a}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#3e3f3a}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#3e3f3a}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#3e3f3a}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#3e3f3a}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#3e3f3a}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#3e3f3a}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#3e3f3a}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Roboto","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #dfd7ca;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#f8f5f0;border-bottom:1px solid #f0e9df;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#b9a78a;border-top-color:#dfd7ca;bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#b9a78a;border-right-color:#dfd7ca}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#b9a78a;border-bottom-color:#dfd7ca;top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#b9a78a;border-left-color:#dfd7ca}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.sandstone{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.navbar .nav>li>a{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.navbar-form input,.navbar-form .form-control{border:none}.btn{border:none;font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.btn:hover{border-color:transparent}.btn-lg{line-height:26px}.btn-default:hover{background-color:#393a35}input,.form-control{-webkit-box-shadow:none;box-shadow:none}input:focus,.form-control:focus{border-color:#dfd7ca;-webkit-box-shadow:none;box-shadow:none}.nav{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:#dfd7ca}.nav-tabs>li>a{background-color:#f8f5f0;border-color:#dfd7ca;color:#98978b}.nav-tabs>li.disabled>a:hover{background-color:#f8f5f0}.nav-pills a{color:#98978b}.nav-pills li>a{border:1px solid transparent}.nav-pills li.active>a,.nav-pills li>a:hover{border-color:#dfd7ca}.nav-pills li.disabled>a{border-color:transparent}.breadcrumb{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase;border:1px solid #dfd7ca}.breadcrumb a{color:#98978b}.pagination{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.pager{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.pager li>a{color:#98978b}.dropdown-menu>li>a{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.alert a,.alert .alert-link{color:#fff}.tooltip{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.progress{border-radius:10px;background-color:#dfd7ca;-webkit-box-shadow:none;box-shadow:none}.progress-bar{-webkit-box-shadow:none;box-shadow:none}.list-group-item{padding:16px 24px}.well{-webkit-box-shadow:none;box-shadow:none}.panel{-webkit-box-shadow:none;box-shadow:none}.panel .panel-heading,.panel .panel-title{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase;color:#fff}.panel .panel-footer{font-size:11px;line-height:22px;font-weight:500;text-transform:uppercase}.panel-default .panel-heading,.panel-default .panel-title,.panel-default .panel-footer{color:#98978b} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-simplex.css b/docs/build/html/_static/css/bootstrap3/bootswatch-simplex.css new file mode 100644 index 0000000..3f12ee2 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-simplex.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Open+Sans:400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;line-height:1.42857143;color:#777777;background-color:#fcfcfc}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#d9230f;text-decoration:none}a:hover,a:focus{color:#91170a;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#fcfcfc;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:18px;margin-bottom:18px;border:0;border-top:1px solid #dddddd}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:300;line-height:1.1;color:#444444}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#808080}h1,.h1,h2,.h2,h3,.h3{margin-top:18px;margin-bottom:9px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:9px;margin-bottom:9px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:33px}h2,.h2{font-size:27px}h3,.h3{font-size:23px}h4,.h4{font-size:17px}h5,.h5{font-size:13px}h6,.h6{font-size:12px}p{margin:0 0 9px}.lead{margin-bottom:18px;font-size:14px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:19.5px}}small,.small{font-size:92%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#808080}.text-primary{color:#d9230f}a.text-primary:hover{color:#a91b0c}.text-success{color:#468847}a.text-success:hover{color:#356635}.text-info{color:#3a87ad}a.text-info:hover{color:#2d6987}.text-warning{color:#c09853}a.text-warning:hover{color:#a47e3c}.text-danger{color:#b94a48}a.text-danger:hover{color:#953b39}.bg-primary{color:#fff;background-color:#d9230f}a.bg-primary:hover{background-color:#a91b0c}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:8px;margin:36px 0 18px;border-bottom:1px solid #dddddd}ul,ol{margin-top:0;margin-bottom:9px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:18px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #808080}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:9px 18px;margin:0 0 18px;font-size:16.25px;border-left:5px solid #dddddd}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#808080}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #dddddd;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:18px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:8.5px;margin:0 0 9px;font-size:12px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#444444;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#808080;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:18px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#fcfcfc}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:13.5px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:18px;font-size:19.5px;line-height:inherit;color:#777777;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:13px;line-height:1.42857143;color:#777777}.form-control{display:block;width:100%;height:36px;padding:8px 12px;font-size:13px;line-height:1.42857143;color:#777777;background-color:#ffffff;background-image:none;border:1px solid #dddddd;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#dddddd;opacity:1}.form-control:-ms-input-placeholder{color:#dddddd}.form-control::-webkit-input-placeholder{color:#dddddd}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#dddddd;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:36px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:53px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:18px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:31px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:30px}.input-lg{height:53px;padding:14px 16px;font-size:17px;line-height:1.3333333;border-radius:6px}select.input-lg{height:53px;line-height:53px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:53px;padding:14px 16px;font-size:17px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:53px;line-height:53px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:53px;padding:14px 16px;font-size:17px;line-height:1.3333333;min-height:35px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:45px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:36px;height:36px;line-height:36px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:53px;height:53px;line-height:53px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#468847}.has-success .form-control{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.has-success .input-group-addon{color:#468847;border-color:#468847;background-color:#dff0d8}.has-success .form-control-feedback{color:#468847}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#c09853}.has-warning .form-control{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.has-warning .input-group-addon{color:#c09853;border-color:#c09853;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#c09853}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#b94a48}.has-error .form-control{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.has-error .input-group-addon{color:#b94a48;border-color:#b94a48;background-color:#f2dede}.has-error .form-control-feedback{color:#b94a48}.has-feedback label~.form-control-feedback{top:23px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#b7b7b7}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:27px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:13px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#474949;border-color:#474949}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#2e2f2f;border-color:#292a2a}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#474949;border-color:#474949}.btn-default .badge{color:#474949;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#d9230f;border-color:#d9230f}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#a91b0c;border-color:#a01a0b}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#d9230f;border-color:#d9230f}.btn-primary .badge{color:#d9230f;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#469408;border-color:#469408}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#2f6405;border-color:#2b5a05}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#469408;border-color:#469408}.btn-success .badge{color:#469408;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#029acf;border-color:#029acf}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#02749c;border-color:#016d92}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#029acf;border-color:#029acf}.btn-info .badge{color:#029acf;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#9b479f;border-color:#9b479f}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#79377c;border-color:#723475}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#9b479f;border-color:#9b479f}.btn-warning .badge{color:#9b479f;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#d9831f;border-color:#d9831f}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#ac6819;border-color:#a36317}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#d9831f;border-color:#d9831f}.btn-danger .badge{color:#d9831f;background-color:#ffffff}.btn-link{color:#d9230f;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#91170a;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#808080;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:17px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:13px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:8px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#444444;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#d9230f}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#d9230f}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#808080}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#808080;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:53px;padding:14px 16px;font-size:17px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:53px;line-height:53px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:13px;font-weight:normal;line-height:1;color:#777777;text-align:center;background-color:#dddddd;border:1px solid #dddddd;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:17px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#dddddd}.nav>li.disabled>a{color:#808080}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#808080;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#dddddd;border-color:#d9230f}.nav .nav-divider{height:1px;margin:8px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#dddddd #dddddd #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#777777;background-color:#fcfcfc;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#fcfcfc}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#d9230f}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#fcfcfc}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:40px;margin-bottom:18px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:11px 15px;font-size:17px;line-height:18px;height:40px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:3px;margin-bottom:3px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:5.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:18px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:18px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:11px;padding-bottom:11px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:2px;margin-bottom:2px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:2px;margin-bottom:2px}.navbar-btn.btn-sm{margin-top:5px;margin-bottom:5px}.navbar-btn.btn-xs{margin-top:9px;margin-bottom:9px}.navbar-text{margin-top:11px;margin-bottom:11px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#ffffff;border-color:#eeeeee}.navbar-default .navbar-brand{color:#777777}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#d9230f;background-color:transparent}.navbar-default .navbar-text{color:#777777}.navbar-default .navbar-nav>li>a{color:#777777}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#d9230f;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#d9230f;background-color:transparent}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-default .navbar-toggle{border-color:#dddddd}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#dddddd}.navbar-default .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#eeeeee}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:transparent;color:#d9230f}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#777777}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#d9230f;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#d9230f;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-default .navbar-link{color:#777777}.navbar-default .navbar-link:hover{color:#d9230f}.navbar-default .btn-link{color:#777777}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#d9230f}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#444444}.navbar-inverse{background-color:#d9230f;border-color:#a91b0c}.navbar-inverse .navbar-brand{color:#fac0ba}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#fac0ba}.navbar-inverse .navbar-nav>li>a{color:#fac0ba}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#a91b0c}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#a91b0c}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#b81e0d}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:transparent;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#a91b0c}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#a91b0c}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#fac0ba}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#fac0ba}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#fac0ba}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:18px;list-style:none;background-color:transparent;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#808080}.pagination{display:inline-block;padding-left:0;margin:18px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#444444;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:#d9230f;border-color:#d9230f}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#d9230f;border-color:#d9230f;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#dddddd;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:17px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:18px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#d9230f}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#dddddd;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#474949}.label-default[href]:hover,.label-default[href]:focus{background-color:#2e2f2f}.label-primary{background-color:#d9230f}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#a91b0c}.label-success{background-color:#469408}.label-success[href]:hover,.label-success[href]:focus{background-color:#2f6405}.label-info{background-color:#029acf}.label-info[href]:hover,.label-info[href]:focus{background-color:#02749c}.label-warning{background-color:#9b479f}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#79377c}.label-danger{background-color:#d9831f}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#ac6819}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#d9230f;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#d9230f;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#f4f4f4}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:20px;font-weight:200}.jumbotron>hr{border-top-color:#dbdbdb}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:58.5px}}.thumbnail{display:block;padding:4px;margin-bottom:18px;line-height:1.42857143;background-color:#fcfcfc;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#d9230f}.thumbnail .caption{padding:9px;color:#777777}.alert{padding:15px;margin-bottom:18px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#468847}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#356635}.alert-info{background-color:#d9edf7;border-color:#bce8f1;color:#3a87ad}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#2d6987}.alert-warning{background-color:#fcf8e3;border-color:#fbeed5;color:#c09853}.alert-warning hr{border-top-color:#f8e5be}.alert-warning .alert-link{color:#a47e3c}.alert-danger{background-color:#f2dede;border-color:#eed3d7;color:#b94a48}.alert-danger hr{border-top-color:#e6c1c7}.alert-danger .alert-link{color:#953b39}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:18px;margin-bottom:18px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:18px;color:#ffffff;text-align:center;background-color:#d9230f;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#469408}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#029acf}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#9b479f}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#d9831f}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#dddddd;color:#808080;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#808080}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#d9230f;border-color:#d9230f}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#fac0ba}.list-group-item-success{color:#468847;background-color:#dff0d8}a.list-group-item-success{color:#468847}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#468847;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#468847;border-color:#468847}.list-group-item-info{color:#3a87ad;background-color:#d9edf7}a.list-group-item-info{color:#3a87ad}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#3a87ad;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#3a87ad;border-color:#3a87ad}.list-group-item-warning{color:#c09853;background-color:#fcf8e3}a.list-group-item-warning{color:#c09853}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#c09853;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#c09853;border-color:#c09853}.list-group-item-danger{color:#b94a48;background-color:#f2dede}a.list-group-item-danger{color:#b94a48}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#b94a48;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#b94a48;border-color:#b94a48}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:18px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:15px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#fcfcfc;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:18px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#444444;background-color:#fcfcfc;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#fcfcfc;background-color:#444444}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#d9230f}.panel-primary>.panel-heading{color:#ffffff;background-color:#d9230f;border-color:#d9230f}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d9230f}.panel-primary>.panel-heading .badge{color:#d9230f;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d9230f}.panel-success{border-color:#469408}.panel-success>.panel-heading{color:#ffffff;background-color:#469408;border-color:#469408}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#469408}.panel-success>.panel-heading .badge{color:#469408;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#469408}.panel-info{border-color:#029acf}.panel-info>.panel-heading{color:#ffffff;background-color:#029acf;border-color:#029acf}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#029acf}.panel-info>.panel-heading .badge{color:#029acf;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#029acf}.panel-warning{border-color:#9b479f}.panel-warning>.panel-heading{color:#ffffff;background-color:#9b479f;border-color:#9b479f}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#9b479f}.panel-warning>.panel-heading .badge{color:#9b479f;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#9b479f}.panel-danger{border-color:#d9831f}.panel-danger>.panel-heading{color:#ffffff;background-color:#d9831f;border-color:#d9831f}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d9831f}.panel-danger>.panel-heading .badge{color:#d9831f;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d9831f}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f4f4f4;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:19.5px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:13px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar-inverse .badge{background-color:#fff;color:#d9230f}.btn{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif}.btn-default,.btn-default:hover{background-image:-webkit-linear-gradient(#4f5151, #474949 6%, #3f4141);background-image:-o-linear-gradient(#4f5151, #474949 6%, #3f4141);background-image:-webkit-gradient(linear, left top, left bottom, from(#4f5151), color-stop(6%, #474949), to(#3f4141));background-image:linear-gradient(#4f5151, #474949 6%, #3f4141);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff4f5151', endColorstr='#ff3f4141', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #2e2f2f}.btn-primary,.btn-primary:hover{background-image:-webkit-linear-gradient(#e72510, #d9230f 6%, #cb210e);background-image:-o-linear-gradient(#e72510, #d9230f 6%, #cb210e);background-image:-webkit-gradient(linear, left top, left bottom, from(#e72510), color-stop(6%, #d9230f), to(#cb210e));background-image:linear-gradient(#e72510, #d9230f 6%, #cb210e);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe72510', endColorstr='#ffcb210e', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #a91b0c}.btn-success,.btn-success:hover{background-image:-webkit-linear-gradient(#4da309, #469408 6%, #3f8507);background-image:-o-linear-gradient(#4da309, #469408 6%, #3f8507);background-image:-webkit-gradient(linear, left top, left bottom, from(#4da309), color-stop(6%, #469408), to(#3f8507));background-image:linear-gradient(#4da309, #469408 6%, #3f8507);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff4da309', endColorstr='#ff3f8507', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #2f6405}.btn-info,.btn-info:hover{background-image:-webkit-linear-gradient(#02a5de, #029acf 6%, #028fc0);background-image:-o-linear-gradient(#02a5de, #029acf 6%, #028fc0);background-image:-webkit-gradient(linear, left top, left bottom, from(#02a5de), color-stop(6%, #029acf), to(#028fc0));background-image:linear-gradient(#02a5de, #029acf 6%, #028fc0);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff02a5de', endColorstr='#ff028fc0', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #02749c}.btn-warning,.btn-warning:hover{background-image:-webkit-linear-gradient(#a54caa, #9b479f 6%, #914294);background-image:-o-linear-gradient(#a54caa, #9b479f 6%, #914294);background-image:-webkit-gradient(linear, left top, left bottom, from(#a54caa), color-stop(6%, #9b479f), to(#914294));background-image:linear-gradient(#a54caa, #9b479f 6%, #914294);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffa54caa', endColorstr='#ff914294', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #79377c}.btn-danger,.btn-danger:hover{background-image:-webkit-linear-gradient(#e08b27, #d9831f 6%, #cc7b1d);background-image:-o-linear-gradient(#e08b27, #d9831f 6%, #cc7b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#e08b27), color-stop(6%, #d9831f), to(#cc7b1d));background-image:linear-gradient(#e08b27, #d9831f 6%, #cc7b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffe08b27', endColorstr='#ffcc7b1d', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #ac6819}body{font-weight:200}th{color:#444444}legend{color:#444444}label{font-weight:normal}.has-warning .help-block,.has-warning .control-label{color:#d9831f}.has-warning .form-control,.has-warning .form-control:focus{border-color:#d9831f}.has-error .help-block,.has-error .control-label{color:#d9230f}.has-error .form-control,.has-error .form-control:focus{border-color:#d9230f}.has-success .help-block,.has-success .control-label{color:#469408}.has-success .form-control,.has-success .form-control:focus{border-color:#469408}.pager a{color:#444444}.pager a:hover,.pager .active>a{border-color:#d9230f;color:#fff}.pager .disabled>a{border-color:#dddddd} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-slate.css b/docs/build/html/_static/css/bootstrap3/bootswatch-slate.css new file mode 100644 index 0000000..5cc28b0 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-slate.css @@ -0,0 +1,7 @@ +/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#c8c8c8;background-color:#272b30}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#ffffff;text-decoration:none}a:hover,a:focus{color:#ffffff;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#1c1e22;border:1px solid #0c0d0e;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #1c1e22}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:500;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#7a8288}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#f89406;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#7a8288}.text-primary{color:#7a8288}a.text-primary:hover{color:#62686d}.text-success{color:#ffffff}a.text-success:hover{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover{color:#e6e6e6}.bg-primary{color:#fff;background-color:#7a8288}a.bg-primary:hover{background-color:#62686d}.bg-success{background-color:#62c462}a.bg-success:hover{background-color:#42b142}.bg-info{background-color:#5bc0de}a.bg-info:hover{background-color:#31b0d5}.bg-warning{background-color:#f89406}a.bg-warning:hover{background-color:#c67605}.bg-danger{background-color:#ee5f5b}a.bg-danger:hover{background-color:#e9322d}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #1c1e22}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #7a8288}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #7a8288}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#7a8288}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #7a8288;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#3a3f44;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:#2e3338}caption{padding-top:8px;padding-bottom:8px;color:#7a8288;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #1c1e22}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #1c1e22}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #1c1e22}.table .table{background-color:#272b30}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #1c1e22}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #1c1e22}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#353a41}.table-hover>tbody>tr:hover{background-color:#49515a}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#49515a}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#3e444c}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#62c462}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#4fbd4f}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#5bc0de}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#46b8da}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#f89406}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#df8505}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#ee5f5b}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ec4844}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #1c1e22}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#c8c8c8;border:0;border-bottom:1px solid #1c1e22}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#272b30}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#272b30;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#7a8288;opacity:1}.form-control:-ms-input-placeholder{color:#7a8288}.form-control::-webkit-input-placeholder{color:#7a8288}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#999999;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:54px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:54px;line-height:54px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#62c462}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#f89406}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#ee5f5b}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#ffffff}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#3a3f44;border-color:#3a3f44}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#232628;border-color:#1e2023}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#3a3f44;border-color:#3a3f44}.btn-default .badge{color:#3a3f44;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#7a8288;border-color:#7a8288}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#62686d;border-color:#5d6368}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#7a8288;border-color:#7a8288}.btn-primary .badge{color:#7a8288;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#62c462;border-color:#62c462}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#42b142;border-color:#40a940}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#62c462;border-color:#62c462}.btn-success .badge{color:#62c462;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#5bc0de;border-color:#5bc0de}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#31b0d5;border-color:#2aabd2}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#5bc0de;border-color:#5bc0de}.btn-info .badge{color:#5bc0de;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f89406;border-color:#f89406}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#c67605;border-color:#bc7005}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f89406;border-color:#f89406}.btn-warning .badge{color:#f89406;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#ee5f5b;border-color:#ee5f5b}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#e9322d;border-color:#e82924}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#ee5f5b;border-color:#ee5f5b}.btn-danger .badge{color:#ee5f5b;background-color:#ffffff}.btn-link{color:#ffffff;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#ffffff;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#7a8288;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#3a3f44;border:1px solid #272b30;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#272b30}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#c8c8c8;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#272b30}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#272b30}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#7a8288}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#7a8288;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#272b30;text-align:center;background-color:#999999;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#3e444c}.nav>li.disabled>a{color:#7a8288}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#7a8288;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#3e444c;border-color:#ffffff}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #1c1e22}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#1c1e22 #1c1e22 #1c1e22}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#ffffff;background-color:#3e444c;border:1px solid #1c1e22;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #1c1e22}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #1c1e22;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#272b30}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:transparent}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #1c1e22}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #1c1e22;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#272b30}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#3a3f44;border-color:#2b2e32}.navbar-default .navbar-brand{color:#c8c8c8}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-default .navbar-text{color:#c8c8c8}.navbar-default .navbar-nav>li>a{color:#c8c8c8}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#272b2e}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#272b2e}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#272b2e}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#272b2e}.navbar-default .navbar-toggle .icon-bar{background-color:#c8c8c8}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#2b2e32}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#272b2e;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#c8c8c8}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#272b2e}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#272b2e}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#c8c8c8}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#c8c8c8}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#7a8288;border-color:#62686d}.navbar-inverse .navbar-brand{color:#cccccc}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-inverse .navbar-text{color:#cccccc}.navbar-inverse .navbar-nav>li>a{color:#cccccc}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#5d6368}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#5d6368}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#5d6368}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#5d6368}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#697075}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#5d6368;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#62686d}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#62686d}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#cccccc}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#5d6368}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#5d6368}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#cccccc}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#cccccc}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:transparent;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#7a8288}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#ffffff;background-color:#3a3f44;border:1px solid rgba(0,0,0,0.6);margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ffffff;background-color:transparent;border-color:rgba(0,0,0,0.6)}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#232628;border-color:rgba(0,0,0,0.6);cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#7a8288;background-color:#ffffff;border-color:rgba(0,0,0,0.6);cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#3a3f44;border:1px solid rgba(0,0,0,0.6);border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:transparent}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#7a8288;background-color:#3a3f44;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#3a3f44}.label-default[href]:hover,.label-default[href]:focus{background-color:#232628}.label-primary{background-color:#7a8288}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#62686d}.label-success{background-color:#62c462}.label-success[href]:hover,.label-success[href]:focus{background-color:#42b142}.label-info{background-color:#5bc0de}.label-info[href]:hover,.label-info[href]:focus{background-color:#31b0d5}.label-warning{background-color:#f89406}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#c67605}.label-danger{background-color:#ee5f5b}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#e9322d}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#7a8288;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#ffffff;background-color:#7a8288}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#1c1e22}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#050506}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#1c1e22;border:1px solid #0c0d0e;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#ffffff}.thumbnail .caption{padding:9px;color:#c8c8c8}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#62c462;border-color:#62bd4f;color:#ffffff}.alert-success hr{border-top-color:#55b142}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#5bc0de;border-color:#3dced8;color:#ffffff}.alert-info hr{border-top-color:#2ac7d2}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#f89406;border-color:#e96506;color:#ffffff}.alert-warning hr{border-top-color:#d05a05}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#ee5f5b;border-color:#ed4d63;color:#ffffff}.alert-danger hr{border-top-color:#ea364f}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#1c1e22;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#7a8288;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#62c462}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#5bc0de}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f89406}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#ee5f5b}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#32383e;border:1px solid rgba(0,0,0,0.6)}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#c8c8c8}a.list-group-item .list-group-item-heading{color:#ffffff}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#c8c8c8;background-color:#3e444c}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#999999;color:#7a8288;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#7a8288}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#3e444c;border-color:rgba(0,0,0,0.6)}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#a2aab4}.list-group-item-success{color:#ffffff;background-color:#62c462}a.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ffffff;background-color:#4fbd4f}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#5bc0de}a.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ffffff;background-color:#46b8da}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#f89406}a.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ffffff;background-color:#df8505}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#ee5f5b}a.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ffffff;background-color:#ec4844}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#2e3338;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#3e444c;border-top:1px solid rgba(0,0,0,0.6);border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #1c1e22}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid rgba(0,0,0,0.6)}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid rgba(0,0,0,0.6)}.panel-default{border-color:rgba(0,0,0,0.6)}.panel-default>.panel-heading{color:#c8c8c8;background-color:#3e444c;border-color:rgba(0,0,0,0.6)}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-default>.panel-heading .badge{color:#3e444c;background-color:#c8c8c8}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.panel-primary{border-color:rgba(0,0,0,0.6)}.panel-primary>.panel-heading{color:#ffffff;background-color:#7a8288;border-color:rgba(0,0,0,0.6)}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-primary>.panel-heading .badge{color:#7a8288;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.panel-success{border-color:rgba(0,0,0,0.6)}.panel-success>.panel-heading{color:#ffffff;background-color:#62c462;border-color:rgba(0,0,0,0.6)}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-success>.panel-heading .badge{color:#62c462;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.panel-info{border-color:rgba(0,0,0,0.6)}.panel-info>.panel-heading{color:#ffffff;background-color:#5bc0de;border-color:rgba(0,0,0,0.6)}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-info>.panel-heading .badge{color:#5bc0de;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.panel-warning{border-color:rgba(0,0,0,0.6)}.panel-warning>.panel-heading{color:#ffffff;background-color:#f89406;border-color:rgba(0,0,0,0.6)}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-warning>.panel-heading .badge{color:#f89406;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.panel-danger{border-color:rgba(0,0,0,0.6)}.panel-danger>.panel-heading{color:#ffffff;background-color:#ee5f5b;border-color:rgba(0,0,0,0.6)}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:rgba(0,0,0,0.6)}.panel-danger>.panel-heading .badge{color:#ee5f5b;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:rgba(0,0,0,0.6)}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#1c1e22;border:1px solid #0c0d0e;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#2e3338;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #1c1e22;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #1c1e22}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#2e3338;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#2e3338;border-bottom:1px solid #22262a;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#666666;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#2e3338}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#666666;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#2e3338}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#666666;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#2e3338}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#666666;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#2e3338;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none;border:1px solid rgba(0,0,0,0.6);text-shadow:1px 1px 1px rgba(0,0,0,0.3)}.navbar-inverse{background-image:-webkit-linear-gradient(#8a9196, #7a8288 60%, #70787d);background-image:-o-linear-gradient(#8a9196, #7a8288 60%, #70787d);background-image:-webkit-gradient(linear, left top, left bottom, from(#8a9196), color-stop(60%, #7a8288), to(#70787d));background-image:linear-gradient(#8a9196, #7a8288 60%, #70787d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff8a9196', endColorstr='#ff70787d', GradientType=0);-webkit-filter:none;filter:none}.navbar-inverse .badge{background-color:#5d6368}.navbar-nav>li>a{border-right:1px solid rgba(0,0,0,0.2);border-left:1px solid rgba(255,255,255,0.1)}.navbar-nav>li>a:hover{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none;border-left-color:transparent}.navbar .nav .open>a{border-color:transparent}.navbar-nav>li.active>a{border-left-color:transparent}.navbar-form{margin-left:5px;margin-right:5px}.btn,.btn:hover{border-color:rgba(0,0,0,0.6);text-shadow:1px 1px 1px rgba(0,0,0,0.3)}.btn-default{background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.btn-default:hover{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none}.btn-primary{background-image:-webkit-linear-gradient(#8a9196, #7a8288 60%, #70787d);background-image:-o-linear-gradient(#8a9196, #7a8288 60%, #70787d);background-image:-webkit-gradient(linear, left top, left bottom, from(#8a9196), color-stop(60%, #7a8288), to(#70787d));background-image:linear-gradient(#8a9196, #7a8288 60%, #70787d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff8a9196', endColorstr='#ff70787d', GradientType=0);-webkit-filter:none;filter:none}.btn-primary:hover{background-image:-webkit-linear-gradient(#404448, #4e5458 40%, #585e62);background-image:-o-linear-gradient(#404448, #4e5458 40%, #585e62);background-image:-webkit-gradient(linear, left top, left bottom, from(#404448), color-stop(40%, #4e5458), to(#585e62));background-image:linear-gradient(#404448, #4e5458 40%, #585e62);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff404448', endColorstr='#ff585e62', GradientType=0);-webkit-filter:none;filter:none}.btn-success{background-image:-webkit-linear-gradient(#78cc78, #62c462 60%, #53be53);background-image:-o-linear-gradient(#78cc78, #62c462 60%, #53be53);background-image:-webkit-gradient(linear, left top, left bottom, from(#78cc78), color-stop(60%, #62c462), to(#53be53));background-image:linear-gradient(#78cc78, #62c462 60%, #53be53);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff78cc78', endColorstr='#ff53be53', GradientType=0);-webkit-filter:none;filter:none}.btn-success:hover{background-image:-webkit-linear-gradient(#2f7d2f, #379337 40%, #3da23d);background-image:-o-linear-gradient(#2f7d2f, #379337 40%, #3da23d);background-image:-webkit-gradient(linear, left top, left bottom, from(#2f7d2f), color-stop(40%, #379337), to(#3da23d));background-image:linear-gradient(#2f7d2f, #379337 40%, #3da23d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff2f7d2f', endColorstr='#ff3da23d', GradientType=0);-webkit-filter:none;filter:none}.btn-info{background-image:-webkit-linear-gradient(#74cae3, #5bc0de 60%, #4ab9db);background-image:-o-linear-gradient(#74cae3, #5bc0de 60%, #4ab9db);background-image:-webkit-gradient(linear, left top, left bottom, from(#74cae3), color-stop(60%, #5bc0de), to(#4ab9db));background-image:linear-gradient(#74cae3, #5bc0de 60%, #4ab9db);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff74cae3', endColorstr='#ff4ab9db', GradientType=0);-webkit-filter:none;filter:none}.btn-info:hover{background-image:-webkit-linear-gradient(#20829f, #2596b8 40%, #28a4c9);background-image:-o-linear-gradient(#20829f, #2596b8 40%, #28a4c9);background-image:-webkit-gradient(linear, left top, left bottom, from(#20829f), color-stop(40%, #2596b8), to(#28a4c9));background-image:linear-gradient(#20829f, #2596b8 40%, #28a4c9);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff20829f', endColorstr='#ff28a4c9', GradientType=0);-webkit-filter:none;filter:none}.btn-warning{background-image:-webkit-linear-gradient(#faa123, #f89406 60%, #e48806);background-image:-o-linear-gradient(#faa123, #f89406 60%, #e48806);background-image:-webkit-gradient(linear, left top, left bottom, from(#faa123), color-stop(60%, #f89406), to(#e48806));background-image:linear-gradient(#faa123, #f89406 60%, #e48806);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fffaa123', endColorstr='#ffe48806', GradientType=0);-webkit-filter:none;filter:none}.btn-warning:hover{background-image:-webkit-linear-gradient(#804d03, #9e5f04 40%, #b26a04);background-image:-o-linear-gradient(#804d03, #9e5f04 40%, #b26a04);background-image:-webkit-gradient(linear, left top, left bottom, from(#804d03), color-stop(40%, #9e5f04), to(#b26a04));background-image:linear-gradient(#804d03, #9e5f04 40%, #b26a04);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff804d03', endColorstr='#ffb26a04', GradientType=0);-webkit-filter:none;filter:none}.btn-danger{background-image:-webkit-linear-gradient(#f17a77, #ee5f5b 60%, #ec4d49);background-image:-o-linear-gradient(#f17a77, #ee5f5b 60%, #ec4d49);background-image:-webkit-gradient(linear, left top, left bottom, from(#f17a77), color-stop(60%, #ee5f5b), to(#ec4d49));background-image:linear-gradient(#f17a77, #ee5f5b 60%, #ec4d49);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#fff17a77', endColorstr='#ffec4d49', GradientType=0);-webkit-filter:none;filter:none}.btn-danger:hover{background-image:-webkit-linear-gradient(#bb1813, #d71c16 40%, #e7201a);background-image:-o-linear-gradient(#bb1813, #d71c16 40%, #e7201a);background-image:-webkit-gradient(linear, left top, left bottom, from(#bb1813), color-stop(40%, #d71c16), to(#e7201a));background-image:linear-gradient(#bb1813, #d71c16 40%, #e7201a);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffbb1813', endColorstr='#ffe7201a', GradientType=0);-webkit-filter:none;filter:none}.btn-link,.btn-link:hover{border-color:transparent}h1,h2,h3,h4,h5,h6{text-shadow:-1px -1px 0 rgba(0,0,0,0.3)}.text-primary,.text-primary:hover{color:#7a8288}.text-success,.text-success:hover{color:#62c462}.text-danger,.text-danger:hover{color:#ee5f5b}.text-warning,.text-warning:hover{color:#f89406}.text-info,.text-info:hover{color:#5bc0de}.table .success,.table .warning,.table .danger,.table .info{color:#fff}.table-bordered tbody tr.success td,.table-bordered tbody tr.warning td,.table-bordered tbody tr.danger td,.table-bordered tbody tr.success:hover td,.table-bordered tbody tr.warning:hover td,.table-bordered tbody tr.danger:hover td{border-color:#1c1e22}.table-responsive>.table{background-color:#2e3338}input,textarea{color:#272b30}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#f89406}.has-warning .form-control,.has-warning .form-control:focus{border-color:#f89406}.has-warning .input-group-addon{background-color:#272b30;border:none}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#ee5f5b}.has-error .form-control,.has-error .form-control:focus{border-color:#ee5f5b}.has-error .input-group-addon{background-color:#272b30;border:none}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#62c462}.has-success .form-control,.has-success .form-control:focus{border-color:#62c462}.has-success .input-group-addon{background-color:#272b30;border:none}legend{color:#fff}.input-group-addon{border-color:rgba(0,0,0,0.6);text-shadow:1px 1px 1px rgba(0,0,0,0.3);background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none;color:#ffffff}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:rgba(0,0,0,0.6)}.nav-pills>li>a{background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none;border:1px solid rgba(0,0,0,0.6);text-shadow:1px 1px 1px rgba(0,0,0,0.3)}.nav-pills>li>a:hover{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none;border:1px solid rgba(0,0,0,0.6)}.nav-pills>li.active>a,.nav-pills>li.active>a:hover{background-color:none;background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none;border:1px solid rgba(0,0,0,0.6)}.nav-pills>li.disabled>a,.nav-pills>li.disabled>a:hover{background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.pagination>li>a,.pagination>li>span{text-shadow:1px 1px 1px rgba(0,0,0,0.3);background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.pagination>li>a:hover,.pagination>li>span:hover{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none}.pagination>li.active>a,.pagination>li.active>span{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none}.pagination>li.disabled>a,.pagination>li.disabled>a:hover,.pagination>li.disabled>span,.pagination>li.disabled>span:hover{background-color:transparent;background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.pager>li>a{background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none;text-shadow:1px 1px 1px rgba(0,0,0,0.3)}.pager>li>a:hover{background-image:-webkit-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-o-linear-gradient(#020202, #101112 40%, #191b1d);background-image:-webkit-gradient(linear, left top, left bottom, from(#020202), color-stop(40%, #101112), to(#191b1d));background-image:linear-gradient(#020202, #101112 40%, #191b1d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff020202', endColorstr='#ff191b1d', GradientType=0);-webkit-filter:none;filter:none}.pager>li.disabled>a,.pager>li.disabled>a:hover{background-color:transparent;background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.breadcrumb{border:1px solid rgba(0,0,0,0.6);text-shadow:1px 1px 1px rgba(0,0,0,0.3);background-image:-webkit-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-o-linear-gradient(#484e55, #3a3f44 60%, #313539);background-image:-webkit-gradient(linear, left top, left bottom, from(#484e55), color-stop(60%, #3a3f44), to(#313539));background-image:linear-gradient(#484e55, #3a3f44 60%, #313539);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff484e55', endColorstr='#ff313539', GradientType=0);-webkit-filter:none;filter:none}.alert .alert-link,.alert a{color:#fff;text-decoration:underline}.alert .close{color:#000000;text-decoration:none}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#0c0d0e}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border-color:rgba(0,0,0,0.6)}a.list-group-item-success.active{background-color:#62c462}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#4fbd4f}a.list-group-item-warning.active{background-color:#f89406}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#df8505}a.list-group-item-danger.active{background-color:#ee5f5b}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#ec4844}.jumbotron{border:1px solid rgba(0,0,0,0.6)}.panel-primary .panel-heading,.panel-success .panel-heading,.panel-danger .panel-heading,.panel-warning .panel-heading,.panel-info .panel-heading{border-color:#000} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-solar.css b/docs/build/html/_static/css/bootstrap3/bootswatch-solar.css new file mode 100644 index 0000000..42ab992 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-solar.css @@ -0,0 +1,11 @@ +@import url("https://fonts.googleapis.com/css?family=Source+Sans+Pro:300,400,700");/*! + * bootswatch v3.3.7 + * Homepage: http://bootswatch.com + * Copyright 2012-2017 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! + * Bootstrap v3.3.7 (http://getbootstrap.com) + * Copyright 2011-2016 Twitter, Inc. + * Licensed under MIT (https://github.com/twbs/bootstrap/blob/master/LICENSE) + *//*! normalize.css v3.0.3 | MIT License | github.com/necolas/normalize.css */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-webkit-box-sizing:content-box;-moz-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../fonts/glyphicons-halflings-regular.eot');src:url('../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\002a"}.glyphicon-plus:before{content:"\002b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#839496;background-color:#002b36}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#2aa198;text-decoration:none}a:hover,a:focus{color:#2aa198;text-decoration:underline}a:focus{outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#002b36;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #fdf6e3}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:inherit;font-weight:500;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#839496}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#cb4b16;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#eee8d5}.text-primary{color:#b58900}a.text-primary:hover,a.text-primary:focus{color:#826200}.text-success{color:#ffffff}a.text-success:hover,a.text-success:focus{color:#e6e6e6}.text-info{color:#ffffff}a.text-info:hover,a.text-info:focus{color:#e6e6e6}.text-warning{color:#ffffff}a.text-warning:hover,a.text-warning:focus{color:#e6e6e6}.text-danger{color:#ffffff}a.text-danger:hover,a.text-danger:focus{color:#e6e6e6}.bg-primary{color:#fff;background-color:#b58900}a.bg-primary:hover,a.bg-primary:focus{background-color:#826200}.bg-success{background-color:#2aa198}a.bg-success:hover,a.bg-success:focus{background-color:#1f7972}.bg-info{background-color:#268bd2}a.bg-info:hover,a.bg-info:focus{background-color:#1e6ea7}.bg-warning{background-color:#cb4b16}a.bg-warning:hover,a.bg-warning:focus{background-color:#9d3a11}.bg-danger{background-color:#d33682}a.bg-danger:hover,a.bg-danger:focus{background-color:#b02669}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #073642}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #073642}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #073642}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#839496}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #073642;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#073642;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#eee8d5;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #073642}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #073642}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #073642}.table .table{background-color:#002b36}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #073642}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #073642}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#073642}.table-hover>tbody>tr:hover{background-color:rgba(255,255,255,0.075)}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:rgba(255,255,255,0.075)}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:rgba(242,242,242,0.075)}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#2aa198}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#258d85}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#268bd2}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#227dbc}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#cb4b16}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#b44214}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#d33682}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#c42b75}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #073642}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#839496;border:0;border-bottom:1px solid #073642}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:7px;font-size:14px;line-height:1.42857143;color:#073642}.form-control{display:block;width:100%;height:34px;padding:6px 12px;font-size:14px;line-height:1.42857143;color:#073642;background-color:#a9bdbd;background-image:none;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#657b83;opacity:1}.form-control:-ms-input-placeholder{color:#657b83}.form-control::-webkit-input-placeholder{color:#657b83}.form-control::-ms-expand{border:0;background-color:transparent}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#657b83;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"].form-control,input[type="time"].form-control,input[type="datetime-local"].form-control,input[type="month"].form-control{line-height:34px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:46px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:7px;padding-bottom:7px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.form-group-sm select.form-control{height:30px;line-height:30px}.form-group-sm textarea.form-control,.form-group-sm select[multiple].form-control{height:auto}.form-group-sm .form-control-static{height:30px;min-height:32px;padding:6px 10px;font-size:12px;line-height:1.5}.input-lg{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:46px;line-height:46px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.form-group-lg select.form-control{height:46px;line-height:46px}.form-group-lg textarea.form-control,.form-group-lg select[multiple].form-control{height:auto}.form-group-lg .form-control-static{height:46px;min-height:38px;padding:11px 16px;font-size:18px;line-height:1.3333333}.has-feedback{position:relative}.has-feedback .form-control{padding-right:42.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:34px;height:34px;line-height:34px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback,.input-group-lg+.form-control-feedback,.form-group-lg .form-control+.form-control-feedback{width:46px;height:46px;line-height:46px}.input-sm+.form-control-feedback,.input-group-sm+.form-control-feedback,.form-group-sm .form-control+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ffffff}.has-success .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#2aa198}.has-success .form-control-feedback{color:#ffffff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ffffff}.has-warning .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#cb4b16}.has-warning .form-control-feedback{color:#ffffff}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ffffff}.has-error .form-control{border-color:#ffffff;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#e6e6e6;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ffffff;border-color:#ffffff;background-color:#d33682}.has-error .form-control-feedback{color:#ffffff}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#c8d0d0}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:7px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:27px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:7px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:11px;font-size:18px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px;font-size:12px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:6px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}a.btn.disabled,fieldset[disabled] a.btn{pointer-events:none}.btn-default{color:#ffffff;background-color:#586e75;border-color:#586e75}.btn-default:focus,.btn-default.focus{color:#ffffff;background-color:#425358;border-color:#212a2c}.btn-default:hover{color:#ffffff;background-color:#425358;border-color:#3e4d52}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#425358;border-color:#3e4d52}.btn-default:active:hover,.btn-default.active:hover,.open>.dropdown-toggle.btn-default:hover,.btn-default:active:focus,.btn-default.active:focus,.open>.dropdown-toggle.btn-default:focus,.btn-default:active.focus,.btn-default.active.focus,.open>.dropdown-toggle.btn-default.focus{color:#ffffff;background-color:#333f44;border-color:#212a2c}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus{background-color:#586e75;border-color:#586e75}.btn-default .badge{color:#586e75;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#b58900;border-color:#b58900}.btn-primary:focus,.btn-primary.focus{color:#ffffff;background-color:#826200;border-color:#362800}.btn-primary:hover{color:#ffffff;background-color:#826200;border-color:#785b00}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#826200;border-color:#785b00}.btn-primary:active:hover,.btn-primary.active:hover,.open>.dropdown-toggle.btn-primary:hover,.btn-primary:active:focus,.btn-primary.active:focus,.open>.dropdown-toggle.btn-primary:focus,.btn-primary:active.focus,.btn-primary.active.focus,.open>.dropdown-toggle.btn-primary.focus{color:#ffffff;background-color:#5e4700;border-color:#362800}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus{background-color:#b58900;border-color:#b58900}.btn-primary .badge{color:#b58900;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#2aa198;border-color:#2aa198}.btn-success:focus,.btn-success.focus{color:#ffffff;background-color:#1f7972;border-color:#103c39}.btn-success:hover{color:#ffffff;background-color:#1f7972;border-color:#1d706a}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#1f7972;border-color:#1d706a}.btn-success:active:hover,.btn-success.active:hover,.open>.dropdown-toggle.btn-success:hover,.btn-success:active:focus,.btn-success.active:focus,.open>.dropdown-toggle.btn-success:focus,.btn-success:active.focus,.btn-success.active.focus,.open>.dropdown-toggle.btn-success.focus{color:#ffffff;background-color:#185c57;border-color:#103c39}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus{background-color:#2aa198;border-color:#2aa198}.btn-success .badge{color:#2aa198;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#268bd2;border-color:#268bd2}.btn-info:focus,.btn-info.focus{color:#ffffff;background-color:#1e6ea7;border-color:#124466}.btn-info:hover{color:#ffffff;background-color:#1e6ea7;border-color:#1d699e}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#1e6ea7;border-color:#1d699e}.btn-info:active:hover,.btn-info.active:hover,.open>.dropdown-toggle.btn-info:hover,.btn-info:active:focus,.btn-info.active:focus,.open>.dropdown-toggle.btn-info:focus,.btn-info:active.focus,.btn-info.active.focus,.open>.dropdown-toggle.btn-info.focus{color:#ffffff;background-color:#195a89;border-color:#124466}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus{background-color:#268bd2;border-color:#268bd2}.btn-info .badge{color:#268bd2;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#cb4b16;border-color:#cb4b16}.btn-warning:focus,.btn-warning.focus{color:#ffffff;background-color:#9d3a11;border-color:#58210a}.btn-warning:hover{color:#ffffff;background-color:#9d3a11;border-color:#943710}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#9d3a11;border-color:#943710}.btn-warning:active:hover,.btn-warning.active:hover,.open>.dropdown-toggle.btn-warning:hover,.btn-warning:active:focus,.btn-warning.active:focus,.open>.dropdown-toggle.btn-warning:focus,.btn-warning:active.focus,.btn-warning.active.focus,.open>.dropdown-toggle.btn-warning.focus{color:#ffffff;background-color:#7d2e0e;border-color:#58210a}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus{background-color:#cb4b16;border-color:#cb4b16}.btn-warning .badge{color:#cb4b16;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#d33682;border-color:#d33682}.btn-danger:focus,.btn-danger.focus{color:#ffffff;background-color:#b02669;border-color:#711943}.btn-danger:hover{color:#ffffff;background-color:#b02669;border-color:#a72564}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#b02669;border-color:#a72564}.btn-danger:active:hover,.btn-danger.active:hover,.open>.dropdown-toggle.btn-danger:hover,.btn-danger:active:focus,.btn-danger.active:focus,.open>.dropdown-toggle.btn-danger:focus,.btn-danger:active.focus,.btn-danger.active.focus,.open>.dropdown-toggle.btn-danger.focus{color:#ffffff;background-color:#922057;border-color:#711943}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus{background-color:#d33682;border-color:#d33682}.btn-danger .badge{color:#d33682;background-color:#ffffff}.btn-link{color:#2aa198;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#2aa198;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#eee8d5;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-top:4px solid \9;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#073642;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#002b36}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#839496;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:rgba(255,255,255,0.75);background-color:#002b36}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#073642}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#eee8d5}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#eee8d5;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px dashed;border-bottom:4px solid \9;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn,.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-top-right-radius:0;border-top-left-radius:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group .form-control:focus{z-index:3}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:46px;padding:10px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:46px;line-height:46px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:6px 12px;font-size:14px;font-weight:normal;line-height:1;color:#073642;text-align:center;background-color:#073642;border:1px solid rgba(0,0,0,0.15);border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:10px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{z-index:2;margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:transparent}.nav>li.disabled>a{color:#839496}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#839496;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:transparent;border-color:#2aa198}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #073642}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#073642 #073642 #073642}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#ffffff;background-color:#002b36;border:1px solid #073642;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #073642}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #073642;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#002b36}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#073642}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #073642}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #073642;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#002b36}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:8px;margin-bottom:8px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:8px;margin-bottom:8px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#073642;border-color:transparent}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-text{color:#839496}.navbar-default .navbar-nav>li>a{color:rgba(255,255,255,0.5)}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:rgba(255,255,255,0.75);background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#062d36}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:rgba(255,255,255,0.25);background-color:transparent}.navbar-default .navbar-toggle{border-color:rgba(255,255,255,0.25)}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:rgba(255,255,255,0.5)}.navbar-default .navbar-toggle .icon-bar{background-color:rgba(255,255,255,0.5)}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:transparent}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#062d36;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:rgba(255,255,255,0.5)}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:rgba(255,255,255,0.75);background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#062d36}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:rgba(255,255,255,0.25);background-color:transparent}}.navbar-default .navbar-link{color:rgba(255,255,255,0.5)}.navbar-default .navbar-link:hover{color:rgba(255,255,255,0.75)}.navbar-default .btn-link{color:rgba(255,255,255,0.5)}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:rgba(255,255,255,0.75)}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:rgba(255,255,255,0.25)}.navbar-inverse{background-color:#b58900;border-color:#826200}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:rgba(255,255,255,0.5)}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:rgba(255,255,255,0.75);background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#826200}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:rgba(255,255,255,0.25);background-color:transparent}.navbar-inverse .navbar-toggle{border-color:rgba(255,255,255,0.25)}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:rgba(255,255,255,0.5)}.navbar-inverse .navbar-toggle .icon-bar{background-color:rgba(255,255,255,0.5)}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#916e00}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#826200;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#826200}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#826200}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:rgba(255,255,255,0.5)}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:rgba(255,255,255,0.75);background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#826200}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:rgba(255,255,255,0.25);background-color:transparent}}.navbar-inverse .navbar-link{color:rgba(255,255,255,0.5)}.navbar-inverse .navbar-link:hover{color:rgba(255,255,255,0.75)}.navbar-inverse .btn-link{color:rgba(255,255,255,0.5)}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:rgba(255,255,255,0.75)}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:rgba(255,255,255,0.25)}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#073642;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#839496}.breadcrumb>.active{color:#839496}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:6px 12px;line-height:1.42857143;text-decoration:none;color:#2aa198;background-color:transparent;border:1px solid #073642;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{z-index:2;color:#2aa198;background-color:#073642;border-color:#073642}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:3;color:rgba(255,255,255,0.75);background-color:#073642;border-color:#073642;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#073642;background-color:transparent;border-color:#073642;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:10px 16px;font-size:18px;line-height:1.3333333}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px;line-height:1.5}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:transparent;border:1px solid #073642;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#073642}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#073642;background-color:transparent;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#586e75}.label-default[href]:hover,.label-default[href]:focus{background-color:#425358}.label-primary{background-color:#b58900}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#826200}.label-success{background-color:#2aa198}.label-success[href]:hover,.label-success[href]:focus{background-color:#1f7972}.label-info{background-color:#268bd2}.label-info[href]:hover,.label-info[href]:focus{background-color:#1e6ea7}.label-warning{background-color:#cb4b16}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#9d3a11}.label-danger{background-color:#d33682}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#b02669}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:middle;white-space:nowrap;text-align:center;background-color:#586e75;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#ffffff;background-color:#586e75}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding-top:30px;padding-bottom:30px;margin-bottom:30px;color:inherit;background-color:#073642}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#021014}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px;padding-left:15px;padding-right:15px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding-top:48px;padding-bottom:48px}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#002b36;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#2aa198}.thumbnail .caption{padding:9px;color:#839496}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#2aa198;border-color:#2aa198;color:#ffffff}.alert-success hr{border-top-color:#258d85}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#268bd2;border-color:#268bd2;color:#ffffff}.alert-info hr{border-top-color:#227dbc}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#cb4b16;border-color:#cb4b16;color:#ffffff}.alert-warning hr{border-top-color:#b44214}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#d33682;border-color:#d33682;color:#ffffff}.alert-danger hr{border-top-color:#c42b75}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#073642;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#b58900;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#2aa198}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#268bd2}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#cb4b16}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#d33682}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-object.img-thumbnail{max-width:none}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:transparent;border:1px solid #073642}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item,button.list-group-item{color:#839496}a.list-group-item .list-group-item-heading,button.list-group-item .list-group-item-heading{color:#839496}a.list-group-item:hover,button.list-group-item:hover,a.list-group-item:focus,button.list-group-item:focus{text-decoration:none;color:#ffffff;background-color:#073642}button.list-group-item{width:100%;text-align:left}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:transparent;color:#073642;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#073642}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#073642;border-color:#073642}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#ffffff}.list-group-item-success{color:#ffffff;background-color:#2aa198}a.list-group-item-success,button.list-group-item-success{color:#ffffff}a.list-group-item-success .list-group-item-heading,button.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,button.list-group-item-success:hover,a.list-group-item-success:focus,button.list-group-item-success:focus{color:#ffffff;background-color:#258d85}a.list-group-item-success.active,button.list-group-item-success.active,a.list-group-item-success.active:hover,button.list-group-item-success.active:hover,a.list-group-item-success.active:focus,button.list-group-item-success.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-info{color:#ffffff;background-color:#268bd2}a.list-group-item-info,button.list-group-item-info{color:#ffffff}a.list-group-item-info .list-group-item-heading,button.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,button.list-group-item-info:hover,a.list-group-item-info:focus,button.list-group-item-info:focus{color:#ffffff;background-color:#227dbc}a.list-group-item-info.active,button.list-group-item-info.active,a.list-group-item-info.active:hover,button.list-group-item-info.active:hover,a.list-group-item-info.active:focus,button.list-group-item-info.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-warning{color:#ffffff;background-color:#cb4b16}a.list-group-item-warning,button.list-group-item-warning{color:#ffffff}a.list-group-item-warning .list-group-item-heading,button.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,button.list-group-item-warning:hover,a.list-group-item-warning:focus,button.list-group-item-warning:focus{color:#ffffff;background-color:#b44214}a.list-group-item-warning.active,button.list-group-item-warning.active,a.list-group-item-warning.active:hover,button.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus,button.list-group-item-warning.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-danger{color:#ffffff;background-color:#d33682}a.list-group-item-danger,button.list-group-item-danger{color:#ffffff}a.list-group-item-danger .list-group-item-heading,button.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,button.list-group-item-danger:hover,a.list-group-item-danger:focus,button.list-group-item-danger:focus{color:#ffffff;background-color:#c42b75}a.list-group-item-danger.active,button.list-group-item-danger.active,a.list-group-item-danger.active:hover,button.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus,button.list-group-item-danger.active:focus{color:#fff;background-color:#ffffff;border-color:#ffffff}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:transparent;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#073642;border-top:1px solid #073642;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.panel-heading+.panel-collapse>.list-group .list-group-item:first-child{border-top-right-radius:0;border-top-left-radius:0}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #073642}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #073642}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #073642}.panel-default{border-color:#073642}.panel-default>.panel-heading{color:#ffffff;background-color:#073642;border-color:#073642}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#073642}.panel-default>.panel-heading .badge{color:#073642;background-color:#ffffff}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#073642}.panel-primary{border-color:#b58900}.panel-primary>.panel-heading{color:#ffffff;background-color:#b58900;border-color:#b58900}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#b58900}.panel-primary>.panel-heading .badge{color:#b58900;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#b58900}.panel-success{border-color:#2aa198}.panel-success>.panel-heading{color:#ffffff;background-color:#2aa198;border-color:#2aa198}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#2aa198}.panel-success>.panel-heading .badge{color:#2aa198;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#2aa198}.panel-info{border-color:#268bd2}.panel-info>.panel-heading{color:#ffffff;background-color:#268bd2;border-color:#268bd2}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#268bd2}.panel-info>.panel-heading .badge{color:#268bd2;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#268bd2}.panel-warning{border-color:#cb4b16}.panel-warning>.panel-heading{color:#ffffff;background-color:#cb4b16;border-color:#cb4b16}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#cb4b16}.panel-warning>.panel-heading .badge{color:#cb4b16;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#cb4b16}.panel-danger{border-color:#d33682}.panel-danger>.panel-heading{color:#ffffff;background-color:#d33682;border-color:#d33682}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d33682}.panel-danger>.panel-heading .badge{color:#d33682;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d33682}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#083e4b;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#839496;text-shadow:none;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#839496;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#073642;border:1px solid #999999;border:1px solid #002b36;border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #002b36}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:15px}.modal-footer{padding:15px;text-align:right;border-top:1px solid #002b36}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-style:normal;font-weight:normal;letter-spacing:normal;line-break:auto;line-height:1.42857143;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;white-space:normal;word-break:normal;word-spacing:normal;word-wrap:normal;font-size:12px;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Source Sans Pro","Helvetica Neue",Helvetica,Arial,sans-serif;font-style:normal;font-weight:normal;letter-spacing:normal;line-break:auto;line-height:1.42857143;text-align:left;text-align:start;text-decoration:none;text-shadow:none;text-transform:none;white-space:normal;word-break:normal;word-spacing:normal;word-wrap:normal;font-size:14px;background-color:#073642;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid #002b36;border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2)}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#073642;border-bottom:1px solid #05232b;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:#002b36;bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#073642}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:#002b36}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#073642}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:#002b36;top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#073642}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:#002b36}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#073642;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000px;perspective:1000px}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6);background-color:rgba(0,0,0,0)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;margin-top:-10px;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-10px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-10px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-10px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-header:before,.modal-header:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-header:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table !important}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table !important}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table !important}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table !important}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table !important}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.text-primary,.text-primary:hover{color:#b58900}.text-success,.text-success:hover{color:#2aa198}.text-danger,.text-danger:hover{color:#d33682}.text-warning,.text-warning:hover{color:#cb4b16}.text-info,.text-info:hover{color:#268bd2}.bg-success,.bg-info,.bg-warning,.bg-danger{color:#fff}table .success td,.table .success td,table .info td,.table .info td,table .warning td,.table .warning td,table .danger td,.table .danger td,table .success th,.table .success th,table .info th,.table .info th,table .warning th,.table .warning th,table .danger th,.table .danger th{color:#fff}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label,.has-warning .form-control-feedback{color:#cb4b16}.has-warning .form-control,.has-warning .form-control:focus,.has-warning .input-group-addon{border-color:#cb4b16}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label,.has-error .form-control-feedback{color:#d33682}.has-error .form-control,.has-error .form-control:focus,.has-error .input-group-addon{border-color:#d33682}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label,.has-success .form-control-feedback{color:#2aa198}.has-success .form-control,.has-success .form-control:focus,.has-success .input-group-addon{border-color:#2aa198}.input-group-addon{color:#839496} \ No newline at end of file diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-spacelab.css b/docs/build/html/_static/css/bootstrap3/bootswatch-spacelab.css new file mode 100644 index 0000000..22154b6 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-spacelab.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Open+Sans:400italic,700italic,400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#666666;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#3399f3;text-decoration:none}a:hover,a:focus{color:#3399f3;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:500;line-height:1.1;color:#2d2d2d}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#446e9b}a.text-primary:hover{color:#345578}.text-success{color:#468847}a.text-success:hover{color:#356635}.text-info{color:#3a87ad}a.text-info:hover{color:#2d6987}.text-warning{color:#c09853}a.text-warning:hover{color:#a47e3c}.text-danger{color:#b94a48}a.text-danger:hover{color:#953b39}.bg-primary{color:#fff;background-color:#446e9b}a.bg-primary:hover{background-color:#345578}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#999999}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#666666;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#666666}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#666666;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:54px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:54px;line-height:54px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#468847}.has-success .form-control{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.has-success .input-group-addon{color:#468847;border-color:#468847;background-color:#dff0d8}.has-success .form-control-feedback{color:#468847}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#c09853}.has-warning .form-control{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.has-warning .input-group-addon{color:#c09853;border-color:#c09853;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#c09853}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#b94a48}.has-error .form-control{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.has-error .input-group-addon{color:#b94a48;border-color:#b94a48;background-color:#f2dede}.has-error .form-control-feedback{color:#b94a48}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#a6a6a6}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#474949;border-color:#474949}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#2e2f2f;border-color:#292a2a}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#474949;border-color:#474949}.btn-default .badge{color:#474949;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#446e9b;border-color:#446e9b}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#345578;border-color:#315070}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#446e9b;border-color:#446e9b}.btn-primary .badge{color:#446e9b;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#3cb521;border-color:#3cb521}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#2e8a19;border-color:#2b8118}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#3cb521;border-color:#3cb521}.btn-success .badge{color:#3cb521;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#3399f3;border-color:#3399f3}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#0e80e5;border-color:#0d7bdc}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#3399f3;border-color:#3399f3}.btn-info .badge{color:#3399f3;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#d47500;border-color:#d47500}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#a15900;border-color:#975300}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#d47500;border-color:#d47500}.btn-warning .badge{color:#d47500;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#cd0200;border-color:#cd0200}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#9a0200;border-color:#900100}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#cd0200;border-color:#cd0200}.btn-danger .badge{color:#cd0200;background-color:#ffffff}.btn-link{color:#3399f3;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#3399f3;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#446e9b}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#446e9b}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#666666;text-align:center;background-color:#eeeeee;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#3399f3}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#666666;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#446e9b}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#eeeeee;border-color:#dddddd}.navbar-default .navbar-brand{color:#777777}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#3399f3;background-color:transparent}.navbar-default .navbar-text{color:#777777}.navbar-default .navbar-nav>li>a{color:#777777}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#3399f3;background-color:transparent}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#3399f3;background-color:transparent}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-default .navbar-toggle{border-color:#dddddd}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#dddddd}.navbar-default .navbar-toggle .icon-bar{background-color:#cccccc}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#dddddd}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:transparent;color:#3399f3}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#777777}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#3399f3;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#3399f3;background-color:transparent}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-default .navbar-link{color:#777777}.navbar-default .navbar-link:hover{color:#3399f3}.navbar-default .btn-link{color:#777777}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#3399f3}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#444444}.navbar-inverse{background-color:#446e9b;border-color:#345578}.navbar-inverse .navbar-brand{color:#dddddd}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#dddddd}.navbar-inverse .navbar-nav>li>a{color:#dddddd}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#345578}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#345578}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#395c82}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:transparent;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#345578}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#345578}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#dddddd}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#dddddd}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#dddddd}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#999999}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#3399f3;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#3399f3;background-color:#eeeeee;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#999999;background-color:#f5f5f5;border-color:#dddddd;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#474949}.label-default[href]:hover,.label-default[href]:focus{background-color:#2e2f2f}.label-primary{background-color:#446e9b}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#345578}.label-success{background-color:#3cb521}.label-success[href]:hover,.label-success[href]:focus{background-color:#2e8a19}.label-info{background-color:#3399f3}.label-info[href]:hover,.label-info[href]:focus{background-color:#0e80e5}.label-warning{background-color:#d47500}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#a15900}.label-danger{background-color:#cd0200}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#9a0200}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#3399f3;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#3399f3;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#eeeeee}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#d5d5d5}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#3399f3}.thumbnail .caption{padding:9px;color:#666666}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#468847}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#356635}.alert-info{background-color:#d9edf7;border-color:#bce8f1;color:#3a87ad}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#2d6987}.alert-warning{background-color:#fcf8e3;border-color:#fbeed5;color:#c09853}.alert-warning hr{border-top-color:#f8e5be}.alert-warning .alert-link{color:#a47e3c}.alert-danger{background-color:#f2dede;border-color:#eed3d7;color:#b94a48}.alert-danger hr{border-top-color:#e6c1c7}.alert-danger .alert-link{color:#953b39}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#446e9b;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#3cb521}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#3399f3}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#d47500}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#cd0200}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#446e9b;border-color:#446e9b}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#c5d5e6}.list-group-item-success{color:#468847;background-color:#dff0d8}a.list-group-item-success{color:#468847}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#468847;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#468847;border-color:#468847}.list-group-item-info{color:#3a87ad;background-color:#d9edf7}a.list-group-item-info{color:#3a87ad}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#3a87ad;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#3a87ad;border-color:#3a87ad}.list-group-item-warning{color:#c09853;background-color:#fcf8e3}a.list-group-item-warning{color:#c09853}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#c09853;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#c09853;border-color:#c09853}.list-group-item-danger{color:#b94a48;background-color:#f2dede}a.list-group-item-danger{color:#b94a48}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#b94a48;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#b94a48;border-color:#b94a48}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#446e9b}.panel-primary>.panel-heading{color:#ffffff;background-color:#446e9b;border-color:#446e9b}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#446e9b}.panel-primary>.panel-heading .badge{color:#446e9b;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#446e9b}.panel-success{border-color:#d6e9c6}.panel-success>.panel-heading{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d6e9c6}.panel-success>.panel-heading .badge{color:#dff0d8;background-color:#468847}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d6e9c6}.panel-info{border-color:#bce8f1}.panel-info>.panel-heading{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#bce8f1}.panel-info>.panel-heading .badge{color:#d9edf7;background-color:#3a87ad}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#bce8f1}.panel-warning{border-color:#fbeed5}.panel-warning>.panel-heading{color:#c09853;background-color:#fcf8e3;border-color:#fbeed5}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#fbeed5}.panel-warning>.panel-heading .badge{color:#fcf8e3;background-color:#c09853}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#fbeed5}.panel-danger{border-color:#eed3d7}.panel-danger>.panel-heading{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#eed3d7}.panel-danger>.panel-heading .badge{color:#f2dede;background-color:#b94a48}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#eed3d7}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{background-image:-webkit-linear-gradient(#fff, #eee 50%, #e4e4e4);background-image:-o-linear-gradient(#fff, #eee 50%, #e4e4e4);background-image:-webkit-gradient(linear, left top, left bottom, from(#fff), color-stop(50%, #eee), to(#e4e4e4));background-image:linear-gradient(#fff, #eee 50%, #e4e4e4);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffffffff', endColorstr='#ffe4e4e4', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #d5d5d5;text-shadow:0 1px 0 rgba(255,255,255,0.3)}.navbar-inverse{background-image:-webkit-linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-image:-o-linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-image:-webkit-gradient(linear, left top, left bottom, from(#6d94bf), color-stop(50%, #446e9b), to(#3e648d));background-image:linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff6d94bf', endColorstr='#ff3e648d', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #345578;text-shadow:0 -1px 0 rgba(0,0,0,0.3)}.navbar-inverse .badge{background-color:#fff;color:#446e9b}.navbar .badge{text-shadow:none}.navbar-nav>li>a,.navbar-nav>li>a:hover{padding-top:17px;padding-bottom:13px;-webkit-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar-brand,.navbar-brand:hover{-webkit-transition:color ease-in-out .2s;-o-transition:color ease-in-out .2s;transition:color ease-in-out .2s}.navbar .caret,.navbar .caret:hover{-webkit-transition:border-color ease-in-out .2s;-o-transition:border-color ease-in-out .2s;transition:border-color ease-in-out .2s}.navbar .dropdown-menu{text-shadow:none}.btn{text-shadow:0 -1px 0 rgba(0,0,0,0.3)}.btn-default{background-image:-webkit-linear-gradient(#6d7070, #474949 50%, #3d3f3f);background-image:-o-linear-gradient(#6d7070, #474949 50%, #3d3f3f);background-image:-webkit-gradient(linear, left top, left bottom, from(#6d7070), color-stop(50%, #474949), to(#3d3f3f));background-image:linear-gradient(#6d7070, #474949 50%, #3d3f3f);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff6d7070', endColorstr='#ff3d3f3f', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #2e2f2f}.btn-default:hover{background-image:-webkit-linear-gradient(#636565, #3d3f3f 50%, #333434);background-image:-o-linear-gradient(#636565, #3d3f3f 50%, #333434);background-image:-webkit-gradient(linear, left top, left bottom, from(#636565), color-stop(50%, #3d3f3f), to(#333434));background-image:linear-gradient(#636565, #3d3f3f 50%, #333434);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff636565', endColorstr='#ff333434', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #242525}.btn-primary{background-image:-webkit-linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-image:-o-linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-image:-webkit-gradient(linear, left top, left bottom, from(#6d94bf), color-stop(50%, #446e9b), to(#3e648d));background-image:linear-gradient(#6d94bf, #446e9b 50%, #3e648d);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff6d94bf', endColorstr='#ff3e648d', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #345578}.btn-primary:hover{background-image:-webkit-linear-gradient(#5f8ab9, #3e648d 50%, #385a7f);background-image:-o-linear-gradient(#5f8ab9, #3e648d 50%, #385a7f);background-image:-webkit-gradient(linear, left top, left bottom, from(#5f8ab9), color-stop(50%, #3e648d), to(#385a7f));background-image:linear-gradient(#5f8ab9, #3e648d 50%, #385a7f);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff5f8ab9', endColorstr='#ff385a7f', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #2e4b69}.btn-success{background-image:-webkit-linear-gradient(#61dd45, #3cb521 50%, #36a41e);background-image:-o-linear-gradient(#61dd45, #3cb521 50%, #36a41e);background-image:-webkit-gradient(linear, left top, left bottom, from(#61dd45), color-stop(50%, #3cb521), to(#36a41e));background-image:linear-gradient(#61dd45, #3cb521 50%, #36a41e);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff61dd45', endColorstr='#ff36a41e', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #2e8a19}.btn-success:hover{background-image:-webkit-linear-gradient(#52da34, #36a41e 50%, #31921b);background-image:-o-linear-gradient(#52da34, #36a41e 50%, #31921b);background-image:-webkit-gradient(linear, left top, left bottom, from(#52da34), color-stop(50%, #36a41e), to(#31921b));background-image:linear-gradient(#52da34, #36a41e 50%, #31921b);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff52da34', endColorstr='#ff31921b', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #287916}.btn-info{background-image:-webkit-linear-gradient(#7bbdf7, #3399f3 50%, #208ff2);background-image:-o-linear-gradient(#7bbdf7, #3399f3 50%, #208ff2);background-image:-webkit-gradient(linear, left top, left bottom, from(#7bbdf7), color-stop(50%, #3399f3), to(#208ff2));background-image:linear-gradient(#7bbdf7, #3399f3 50%, #208ff2);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff7bbdf7', endColorstr='#ff208ff2', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #0e80e5}.btn-info:hover{background-image:-webkit-linear-gradient(#68b3f6, #208ff2 50%, #0e86ef);background-image:-o-linear-gradient(#68b3f6, #208ff2 50%, #0e86ef);background-image:-webkit-gradient(linear, left top, left bottom, from(#68b3f6), color-stop(50%, #208ff2), to(#0e86ef));background-image:linear-gradient(#68b3f6, #208ff2 50%, #0e86ef);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ff68b3f6', endColorstr='#ff0e86ef', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #0c75d2}.btn-warning{background-image:-webkit-linear-gradient(#ff9c21, #d47500 50%, #c06a00);background-image:-o-linear-gradient(#ff9c21, #d47500 50%, #c06a00);background-image:-webkit-gradient(linear, left top, left bottom, from(#ff9c21), color-stop(50%, #d47500), to(#c06a00));background-image:linear-gradient(#ff9c21, #d47500 50%, #c06a00);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff9c21', endColorstr='#ffc06a00', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #a15900}.btn-warning:hover{background-image:-webkit-linear-gradient(#ff930d, #c06a00 50%, #ab5e00);background-image:-o-linear-gradient(#ff930d, #c06a00 50%, #ab5e00);background-image:-webkit-gradient(linear, left top, left bottom, from(#ff930d), color-stop(50%, #c06a00), to(#ab5e00));background-image:linear-gradient(#ff930d, #c06a00 50%, #ab5e00);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff930d', endColorstr='#ffab5e00', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #8d4e00}.btn-danger{background-image:-webkit-linear-gradient(#ff1d1b, #cd0200 50%, #b90200);background-image:-o-linear-gradient(#ff1d1b, #cd0200 50%, #b90200);background-image:-webkit-gradient(linear, left top, left bottom, from(#ff1d1b), color-stop(50%, #cd0200), to(#b90200));background-image:linear-gradient(#ff1d1b, #cd0200 50%, #b90200);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff1d1b', endColorstr='#ffb90200', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #9a0200}.btn-danger:hover{background-image:-webkit-linear-gradient(#ff0906, #b90200 50%, #a40200);background-image:-o-linear-gradient(#ff0906, #b90200 50%, #a40200);background-image:-webkit-gradient(linear, left top, left bottom, from(#ff0906), color-stop(50%, #b90200), to(#a40200));background-image:linear-gradient(#ff0906, #b90200 50%, #a40200);background-repeat:no-repeat;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#ffff0906', endColorstr='#ffa40200', GradientType=0);-webkit-filter:none;filter:none;border:1px solid #860100}.btn:active,.btn.active{background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.panel-primary .panel-title{color:#fff} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-superhero.css b/docs/build/html/_static/css/bootstrap3/bootswatch-superhero.css new file mode 100644 index 0000000..92c8279 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-superhero.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Lato:300,400,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:1.42857143;color:#ebebeb;background-color:#2b3e50}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#df691a;text-decoration:none}a:hover,a:focus{color:#df691a;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:0}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#2b3e50;border:1px solid #dddddd;border-radius:0;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #596a7b}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:inherit;font-weight:300;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#ebebeb}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:86%}mark,.mark{background-color:#f0ad4e;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#4e5d6c}.text-primary{color:#df691a}a.text-primary:hover{color:#b15315}.text-success{color:#ebebeb}a.text-success:hover{color:#d2d2d2}.text-info{color:#ebebeb}a.text-info:hover{color:#d2d2d2}.text-warning{color:#ebebeb}a.text-warning:hover{color:#d2d2d2}.text-danger{color:#ebebeb}a.text-danger:hover{color:#d2d2d2}.bg-primary{color:#fff;background-color:#df691a}a.bg-primary:hover{background-color:#b15315}.bg-success{background-color:#5cb85c}a.bg-success:hover{background-color:#449d44}.bg-info{background-color:#5bc0de}a.bg-info:hover{background-color:#31b0d5}.bg-warning{background-color:#f0ad4e}a.bg-warning:hover{background-color:#ec971f}.bg-danger{background-color:#d9534f}a.bg-danger:hover{background-color:#c9302c}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid #ebebeb}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #4e5d6c}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #4e5d6c}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#ebebeb}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #4e5d6c;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:0}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:0;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:0}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:6px;padding-bottom:6px;color:#4e5d6c;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:6px;line-height:1.42857143;vertical-align:top;border-top:1px solid #4e5d6c}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #4e5d6c}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #4e5d6c}.table .table{background-color:#2b3e50}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:3px}.table-bordered{border:1px solid #4e5d6c}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #4e5d6c}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#4e5d6c}.table-hover>tbody>tr:hover{background-color:#485563}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#485563}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#3d4954}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#5cb85c}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#4cae4c}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#5bc0de}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#46b8da}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#f0ad4e}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#eea236}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#d9534f}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#d43f3a}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #4e5d6c}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#ebebeb;border:0;border-bottom:1px solid #4e5d6c}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:15px;line-height:1.42857143;color:#2b3e50}.form-control{display:block;width:100%;height:39px;padding:8px 16px;font-size:15px;line-height:1.42857143;color:#2b3e50;background-color:#ffffff;background-image:none;border:1px solid transparent;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:transparent;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(0,0,0,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(0,0,0,0.6)}.form-control::-moz-placeholder{color:#cccccc;opacity:1}.form-control:-ms-input-placeholder{color:#cccccc}.form-control::-webkit-input-placeholder{color:#cccccc}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#ebebeb;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:39px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:31px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:52px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.input-sm{height:31px;line-height:31px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.form-group-sm .form-control{height:31px;line-height:31px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;min-height:34px}.input-lg{height:52px;padding:12px 24px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-lg{height:52px;line-height:52px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:52px;padding:12px 24px;font-size:19px;line-height:1.3333333;border-radius:0}select.form-group-lg .form-control{height:52px;line-height:52px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:52px;padding:12px 24px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:48.75px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:39px;height:39px;line-height:39px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:52px;height:52px;line-height:52px}.input-sm+.form-control-feedback{width:31px;height:31px;line-height:31px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#ebebeb}.has-success .form-control{border-color:#ebebeb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#d2d2d2;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-success .input-group-addon{color:#ebebeb;border-color:#ebebeb;background-color:#5cb85c}.has-success .form-control-feedback{color:#ebebeb}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#ebebeb}.has-warning .form-control{border-color:#ebebeb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#d2d2d2;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-warning .input-group-addon{color:#ebebeb;border-color:#ebebeb;background-color:#f0ad4e}.has-warning .form-control-feedback{color:#ebebeb}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#ebebeb}.has-error .form-control{border-color:#ebebeb;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#d2d2d2;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #fff}.has-error .input-group-addon{color:#ebebeb;border-color:#ebebeb;background-color:#d9534f}.has-error .form-control-feedback{color:#ebebeb}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#ffffff}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:30px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:16.9999996px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 16px;font-size:15px;line-height:1.42857143;border-radius:0;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#4e5d6c;border-color:transparent}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#39444e;border-color:rgba(0,0,0,0)}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#4e5d6c;border-color:transparent}.btn-default .badge{color:#4e5d6c;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#df691a;border-color:transparent}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#b15315;border-color:rgba(0,0,0,0)}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#df691a;border-color:transparent}.btn-primary .badge{color:#df691a;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#5cb85c;border-color:transparent}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#449d44;border-color:rgba(0,0,0,0)}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#5cb85c;border-color:transparent}.btn-success .badge{color:#5cb85c;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#5bc0de;border-color:transparent}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#31b0d5;border-color:rgba(0,0,0,0)}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#5bc0de;border-color:transparent}.btn-info .badge{color:#5bc0de;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#f0ad4e;border-color:transparent}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#ec971f;border-color:rgba(0,0,0,0)}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#f0ad4e;border-color:transparent}.btn-warning .badge{color:#f0ad4e;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#d9534f;border-color:transparent}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#c9302c;border-color:rgba(0,0,0,0)}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#d9534f;border-color:transparent}.btn-danger .badge{color:#d9534f;background-color:#ffffff}.btn-link{color:#df691a;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#df691a;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#4e5d6c;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:12px 24px;font-size:19px;line-height:1.3333333;border-radius:0}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:13px;line-height:1.5;border-radius:0}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#4e5d6c;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#2b3e50}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#ebebeb;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ebebeb;background-color:#485563}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#df691a}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#2b3e50}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:13px;line-height:1.42857143;color:#2b3e50;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:0;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:52px;padding:12px 24px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:52px;line-height:52px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:31px;padding:5px 10px;font-size:13px;line-height:1.5;border-radius:0}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:31px;line-height:31px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 16px;font-size:15px;font-weight:normal;line-height:1;color:#2b3e50;text-align:center;background-color:#4e5d6c;border:1px solid transparent;border-radius:0}.input-group-addon.input-sm{padding:5px 10px;font-size:13px;border-radius:0}.input-group-addon.input-lg{padding:12px 24px;font-size:19px;border-radius:0}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#4e5d6c}.nav>li.disabled>a{color:#4e5d6c}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#4e5d6c;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#4e5d6c;border-color:#df691a}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid transparent}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:0 0 0 0}.nav-tabs>li>a:hover{border-color:#4e5d6c #4e5d6c transparent}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#ebebeb;background-color:#2b3e50;border:1px solid #4e5d6c;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #4e5d6c}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #4e5d6c;border-radius:0 0 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#4e5d6c}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:0}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#df691a}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #4e5d6c}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #4e5d6c;border-radius:0 0 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#4e5d6c}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:40px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:0}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:9.5px 15px;font-size:19px;line-height:21px;height:40px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:3px;margin-bottom:3px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:0}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:4.75px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:9.5px;padding-bottom:9.5px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:0.5px;margin-bottom:0.5px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:0;border-top-left-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:0.5px;margin-bottom:0.5px}.navbar-btn.btn-sm{margin-top:4.5px;margin-bottom:4.5px}.navbar-btn.btn-xs{margin-top:9px;margin-bottom:9px}.navbar-text{margin-top:9.5px;margin-bottom:9.5px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#4e5d6c;border-color:transparent}.navbar-default .navbar-brand{color:#ebebeb}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ebebeb;background-color:transparent}.navbar-default .navbar-text{color:#ebebeb}.navbar-default .navbar-nav>li>a{color:#ebebeb}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ebebeb;background-color:#485563}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ebebeb;background-color:#485563}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:transparent}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#485563}.navbar-default .navbar-toggle .icon-bar{background-color:#ebebeb}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:transparent}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#485563;color:#ebebeb}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ebebeb}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ebebeb;background-color:#485563}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ebebeb;background-color:#485563}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ebebeb}.navbar-default .navbar-link:hover{color:#ebebeb}.navbar-default .btn-link{color:#ebebeb}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ebebeb}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#df691a;border-color:transparent}.navbar-inverse .navbar-brand{color:#ebebeb}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ebebeb;background-color:transparent}.navbar-inverse .navbar-text{color:#ebebeb}.navbar-inverse .navbar-nav>li>a{color:#ebebeb}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ebebeb;background-color:#c85e17}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ebebeb;background-color:#c85e17}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:transparent}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#c85e17}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ebebeb}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#bf5a16}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#c85e17;color:#ebebeb}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:transparent}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ebebeb}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ebebeb;background-color:#c85e17}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ebebeb;background-color:#c85e17}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#ebebeb}.navbar-inverse .navbar-link:hover{color:#ebebeb}.navbar-inverse .btn-link{color:#ebebeb}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ebebeb}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#4e5d6c;border-radius:0}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#ebebeb}.breadcrumb>.active{color:#ebebeb}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:0}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 16px;line-height:1.42857143;text-decoration:none;color:#ebebeb;background-color:#4e5d6c;border:1px solid transparent;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:0;border-top-left-radius:0}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#ebebeb;background-color:#485563;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ebebeb;background-color:#df691a;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#323c46;background-color:#4e5d6c;border-color:transparent;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:12px 24px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:13px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#4e5d6c;border:1px solid transparent;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#485563}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#323c46;background-color:#4e5d6c;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#4e5d6c}.label-default[href]:hover,.label-default[href]:focus{background-color:#39444e}.label-primary{background-color:#df691a}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#b15315}.label-success{background-color:#5cb85c}.label-success[href]:hover,.label-success[href]:focus{background-color:#449d44}.label-info{background-color:#5bc0de}.label-info[href]:hover,.label-info[href]:focus{background-color:#31b0d5}.label-warning{background-color:#f0ad4e}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#ec971f}.label-danger{background-color:#d9534f}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#c9302c}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:13px;font-weight:300;color:#ebebeb;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#4e5d6c;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#df691a;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#4e5d6c}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#39444e}.container .jumbotron,.container-fluid .jumbotron{border-radius:0}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:4px;margin-bottom:21px;line-height:1.42857143;background-color:#2b3e50;border:1px solid #dddddd;border-radius:0;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#df691a}.thumbnail .caption{padding:9px;color:#ebebeb}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:0}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#5cb85c;border-color:transparent;color:#ebebeb}.alert-success hr{border-top-color:rgba(0,0,0,0)}.alert-success .alert-link{color:#d2d2d2}.alert-info{background-color:#5bc0de;border-color:transparent;color:#ebebeb}.alert-info hr{border-top-color:rgba(0,0,0,0)}.alert-info .alert-link{color:#d2d2d2}.alert-warning{background-color:#f0ad4e;border-color:transparent;color:#ebebeb}.alert-warning hr{border-top-color:rgba(0,0,0,0)}.alert-warning .alert-link{color:#d2d2d2}.alert-danger{background-color:#d9534f;border-color:transparent;color:#ebebeb}.alert-danger hr{border-top-color:rgba(0,0,0,0)}.alert-danger .alert-link{color:#d2d2d2}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#4e5d6c;border-radius:0;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:13px;line-height:21px;color:#ffffff;text-align:center;background-color:#df691a;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#5cb85c}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#5bc0de}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#f0ad4e}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#d9534f}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#4e5d6c;border:1px solid transparent}.list-group-item:first-child{border-top-right-radius:0;border-top-left-radius:0}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:0;border-bottom-left-radius:0}a.list-group-item{color:#ebebeb}a.list-group-item .list-group-item-heading{color:#ebebeb}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#ebebeb;background-color:#485563}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#ebebeb;color:#4e5d6c;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#4e5d6c}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#df691a;border-color:#df691a}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#f9decc}.list-group-item-success{color:#ebebeb;background-color:#5cb85c}a.list-group-item-success{color:#ebebeb}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#ebebeb;background-color:#4cae4c}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#ebebeb;border-color:#ebebeb}.list-group-item-info{color:#ebebeb;background-color:#5bc0de}a.list-group-item-info{color:#ebebeb}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#ebebeb;background-color:#46b8da}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#ebebeb;border-color:#ebebeb}.list-group-item-warning{color:#ebebeb;background-color:#f0ad4e}a.list-group-item-warning{color:#ebebeb}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#ebebeb;background-color:#eea236}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#ebebeb;border-color:#ebebeb}.list-group-item-danger{color:#ebebeb;background-color:#d9534f}a.list-group-item-danger{color:#ebebeb}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#ebebeb;background-color:#d43f3a}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#ebebeb;border-color:#ebebeb}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#4e5d6c;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:-1;border-top-left-radius:-1}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#485563;border-top:1px solid transparent;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:-1;border-top-left-radius:-1}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:-1;border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:-1;border-top-right-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:-1}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:-1;border-bottom-right-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:-1}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #4e5d6c}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:0}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid transparent}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid transparent}.panel-default{border-color:transparent}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:transparent}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-primary{border-color:transparent}.panel-primary>.panel-heading{color:#ffffff;background-color:#df691a;border-color:transparent}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-primary>.panel-heading .badge{color:#df691a;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-success{border-color:transparent}.panel-success>.panel-heading{color:#ebebeb;background-color:#5cb85c;border-color:transparent}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-success>.panel-heading .badge{color:#5cb85c;background-color:#ebebeb}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-info{border-color:transparent}.panel-info>.panel-heading{color:#ebebeb;background-color:#5bc0de;border-color:transparent}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-info>.panel-heading .badge{color:#5bc0de;background-color:#ebebeb}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-warning{border-color:transparent}.panel-warning>.panel-heading{color:#ebebeb;background-color:#f0ad4e;border-color:transparent}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-warning>.panel-heading .badge{color:#f0ad4e;background-color:#ebebeb}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.panel-danger{border-color:transparent}.panel-danger>.panel-heading{color:#ebebeb;background-color:#d9534f;border-color:transparent}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:transparent}.panel-danger>.panel-heading .badge{color:#d9534f;background-color:#ebebeb}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:transparent}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#4e5d6c;border:1px solid transparent;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:0}.well-sm{padding:9px;border-radius:0}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#ebebeb;text-shadow:none;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ebebeb;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#4e5d6c;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #2b3e50;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #2b3e50}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:13px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Lato","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#4e5d6c;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#485563;border-bottom:1px solid #3d4954;border-radius:-1 -1 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:transparent;bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#4e5d6c}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:transparent}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#4e5d6c}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:transparent;top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#4e5d6c}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:transparent}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#4e5d6c;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{-webkit-box-shadow:none;box-shadow:none;border:none;font-size:12px}.navbar-default .badge{background-color:#fff;color:#4e5d6c}.navbar-inverse .badge{background-color:#fff;color:#df691a}.btn{font-weight:300}.btn-default:hover{background-color:#485563}.btn-sm,.btn-xs{font-size:12px}body{font-weight:300}.text-primary,.text-primary:hover{color:#df691a}.text-success,.text-success:hover{color:#5cb85c}.text-danger,.text-danger:hover{color:#d9534f}.text-warning,.text-warning:hover{color:#f0ad4e}.text-info,.text-info:hover{color:#5bc0de}.page-header{border-bottom-color:#4e5d6c}.dropdown-menu{border:none;margin:0;-webkit-box-shadow:none;box-shadow:none}.dropdown-menu>li>a{font-size:12px;font-weight:300}.btn-group.open .dropdown-toggle{-webkit-box-shadow:none;box-shadow:none}.dropdown-header{font-size:12px}table,.table{font-size:12px}table a:not(.btn),.table a:not(.btn){color:#fff;text-decoration:underline}table .dropdown-menu a,.table .dropdown-menu a{text-decoration:none}table .text-muted,.table .text-muted{color:#4e5d6c}table>thead>tr>th,.table>thead>tr>th,table>tbody>tr>th,.table>tbody>tr>th,table>tfoot>tr>th,.table>tfoot>tr>th,table>thead>tr>td,.table>thead>tr>td,table>tbody>tr>td,.table>tbody>tr>td,table>tfoot>tr>td,.table>tfoot>tr>td{border-color:transparent}input,textarea{color:#2b3e50}label,.radio label,.checkbox label,.help-block{font-size:12px;font-weight:300}.input-addon,.input-group-addon{color:#ebebeb}.has-warning .help-block,.has-warning .control-label,.has-warning .form-control-feedback{color:#f0ad4e}.has-warning .input-group-addon{border:none}.has-error .help-block,.has-error .control-label,.has-error .form-control-feedback{color:#d9534f}.has-error .input-group-addon{border:none}.has-success .help-block,.has-success .control-label,.has-success .form-control-feedback{color:#5cb85c}.has-success .input-group-addon{border:none}.form-control:focus{-webkit-box-shadow:none;box-shadow:none}.has-warning .form-control:focus,.has-error .form-control:focus,.has-success .form-control:focus{-webkit-box-shadow:none;box-shadow:none}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:transparent}.nav-tabs>li>a{color:#ebebeb}.nav-pills>li>a{color:#ebebeb}.pager a{color:#ebebeb}.label{font-weight:300}.alert{color:#fff}.alert a,.alert .alert-link{color:#fff}.close{opacity:0.4}.close:hover,.close:focus{opacity:1}.well{-webkit-box-shadow:none;box-shadow:none}a.list-group-item.active,a.list-group-item.active:hover,a.list-group-item.active:focus{border:none}a.list-group-item-success.active{background-color:#5cb85c}a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{background-color:#4cae4c}a.list-group-item-warning.active{background-color:#f0ad4e}a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{background-color:#eea236}a.list-group-item-danger.active{background-color:#d9534f}a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{background-color:#d43f3a}.panel{border:none}.panel-default>.panel-heading{background-color:#485563;color:#ebebeb}.thumbnail{background-color:#4e5d6c;border:none}.modal{padding:0}.modal-header,.modal-footer{background-color:#485563;border:none;border-radius:0}.popover-title{border:none} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-united.css b/docs/build/html/_static/css/bootstrap3/bootswatch-united.css new file mode 100644 index 0000000..c1a8f51 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-united.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Ubuntu");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Ubuntu",Tahoma,"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;line-height:1.42857143;color:#333333;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#dd4814;text-decoration:none}a:hover,a:focus{color:#97310e;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:6px}.img-thumbnail{padding:4px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:20px;margin-bottom:20px;border:0;border-top:1px solid #eeeeee}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Ubuntu",Tahoma,"Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:500;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#aea79f}h1,.h1,h2,.h2,h3,.h3{margin-top:20px;margin-bottom:10px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10px;margin-bottom:10px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:36px}h2,.h2{font-size:30px}h3,.h3{font-size:24px}h4,.h4{font-size:18px}h5,.h5{font-size:14px}h6,.h6{font-size:12px}p{margin:0 0 10px}.lead{margin-bottom:20px;font-size:16px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:21px}}small,.small{font-size:85%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#aea79f}.text-primary{color:#dd4814}a.text-primary:hover{color:#ae3910}.text-success{color:#468847}a.text-success:hover{color:#356635}.text-info{color:#3a87ad}a.text-info:hover{color:#2d6987}.text-warning{color:#c09853}a.text-warning:hover{color:#a47e3c}.text-danger{color:#b94a48}a.text-danger:hover{color:#953b39}.bg-primary{color:#fff;background-color:#dd4814}a.bg-primary:hover{background-color:#ae3910}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9px;margin:40px 0 20px;border-bottom:1px solid #eeeeee}ul,ol{margin-top:0;margin-bottom:10px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:20px}dt,dd{line-height:1.42857143}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #aea79f}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10px 20px;margin:0 0 20px;font-size:17.5px;border-left:5px solid #eeeeee}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.42857143;color:#aea79f}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #eeeeee;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:20px;font-style:normal;line-height:1.42857143}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:4px}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:3px;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:9.5px;margin:0 0 10px;font-size:13px;line-height:1.42857143;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:4px}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#aea79f;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:20px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.42857143;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:20px;font-size:21px;line-height:inherit;color:#333333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:14px;line-height:1.42857143;color:#333333}.form-control{display:block;width:100%;height:38px;padding:8px 12px;font-size:14px;line-height:1.42857143;color:#333333;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#aea79f;opacity:1}.form-control:-ms-input-placeholder{color:#aea79f}.form-control::-webkit-input-placeholder{color:#aea79f}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:38px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:30px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:54px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:20px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:34px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-sm{height:30px;line-height:30px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.form-group-sm .form-control{height:30px;line-height:30px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;min-height:32px}.input-lg{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-lg{height:54px;line-height:54px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.form-group-lg .form-control{height:54px;line-height:54px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;min-height:38px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:47.5px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:38px;height:38px;line-height:38px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:54px;height:54px;line-height:54px}.input-sm+.form-control-feedback{width:30px;height:30px;line-height:30px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#468847}.has-success .form-control{border-color:#468847;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#356635;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #7aba7b}.has-success .input-group-addon{color:#468847;border-color:#468847;background-color:#dff0d8}.has-success .form-control-feedback{color:#468847}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#c09853}.has-warning .form-control{border-color:#c09853;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#a47e3c;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #dbc59e}.has-warning .input-group-addon{color:#c09853;border-color:#c09853;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#c09853}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#b94a48}.has-error .form-control{border-color:#b94a48;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#953b39;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #d59392}.has-error .input-group-addon{color:#b94a48;border-color:#b94a48;background-color:#f2dede}.has-error .form-control-feedback{color:#b94a48}.has-feedback label~.form-control-feedback{top:25px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#737373}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:29px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:19.6666662px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:6px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:14px;line-height:1.42857143;border-radius:4px;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#ffffff;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#ffffff;background-color:#aea79f;border-color:#aea79f}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#ffffff;background-color:#978e83;border-color:#92897e}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#aea79f;border-color:#aea79f}.btn-default .badge{color:#aea79f;background-color:#ffffff}.btn-primary{color:#ffffff;background-color:#dd4814;border-color:#dd4814}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#ae3910;border-color:#a5360f}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#dd4814;border-color:#dd4814}.btn-primary .badge{color:#dd4814;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#38b44a;border-color:#38b44a}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#2c8d3a;border-color:#298537}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#38b44a;border-color:#38b44a}.btn-success .badge{color:#38b44a;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#772953;border-color:#772953}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#511c39;border-color:#491933}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#772953;border-color:#772953}.btn-info .badge{color:#772953;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#efb73e;border-color:#efb73e}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#e7a413;border-color:#dd9d12}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#efb73e;border-color:#efb73e}.btn-warning .badge{color:#efb73e;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#df382c;border-color:#df382c}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#bc271c;border-color:#b3251b}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#df382c;border-color:#df382c}.btn-danger .badge{color:#df382c;background-color:#ffffff}.btn-link{color:#dd4814;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#97310e;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#aea79f;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}.btn-sm,.btn-group-sm>.btn{padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}.btn-xs,.btn-group-xs>.btn{padding:1px 5px;font-size:12px;line-height:1.5;border-radius:3px}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:14px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:4px;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.42857143;color:#333333;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#ffffff;background-color:#dd4814}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#dd4814}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#aea79f}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.42857143;color:#aea79f;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:4px;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:54px;padding:14px 16px;font-size:18px;line-height:1.3333333;border-radius:6px}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:54px;line-height:54px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:30px;padding:5px 10px;font-size:12px;line-height:1.5;border-radius:3px}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:30px;line-height:30px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:14px;font-weight:normal;line-height:1;color:#333333;text-align:center;background-color:#eeeeee;border:1px solid #cccccc;border-radius:4px}.input-group-addon.input-sm{padding:5px 10px;font-size:12px;border-radius:3px}.input-group-addon.input-lg{padding:14px 16px;font-size:18px;border-radius:6px}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#aea79f}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#aea79f;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#dd4814}.nav .nav-divider{height:1px;margin:9px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.42857143;border:1px solid transparent;border-radius:4px 4px 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#777777;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:4px}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#dd4814}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:4px}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:4px 4px 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:50px;margin-bottom:20px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:4px}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:15px 15px;font-size:18px;line-height:20px;height:50px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:8px;margin-bottom:8px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:4px}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:7.5px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:20px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:20px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:15px;padding-bottom:15px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:6px;margin-bottom:6px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:4px;border-top-left-radius:4px;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:6px;margin-bottom:6px}.navbar-btn.btn-sm{margin-top:10px;margin-bottom:10px}.navbar-btn.btn-xs{margin-top:14px;margin-bottom:14px}.navbar-text{margin-top:15px;margin-bottom:15px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#dd4814;border-color:#bf3e11}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-default .navbar-text{color:#ffffff}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#97310e}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#ae3910}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:#97310e}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:#97310e}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#bf3e11}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#ae3910;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#97310e}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#ae3910}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#772953;border-color:#511c39}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:none}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#3e152b}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#511c39}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:#3e152b}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:#3e152b}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#5c2040}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#511c39;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#511c39}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#511c39}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#3e152b}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#511c39}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#cccccc}.breadcrumb{padding:8px 15px;margin-bottom:20px;list-style:none;background-color:#f5f5f5;border-radius:4px}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#cccccc}.breadcrumb>.active{color:#aea79f}.pagination{display:inline-block;padding-left:0;margin:20px 0;border-radius:4px}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.42857143;text-decoration:none;color:#dd4814;background-color:#ffffff;border:1px solid #dddddd;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:4px;border-top-left-radius:4px}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:4px;border-top-right-radius:4px}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#97310e;background-color:#eeeeee;border-color:#dddddd}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#aea79f;background-color:#f5f5f5;border-color:#dddddd;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#aea79f;background-color:#ffffff;border-color:#dddddd;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:14px 16px;font-size:18px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:6px;border-top-left-radius:6px}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:6px;border-top-right-radius:6px}.pagination-sm>li>a,.pagination-sm>li>span{padding:5px 10px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:3px;border-top-left-radius:3px}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:3px;border-top-right-radius:3px}.pager{padding-left:0;margin:20px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:#ffffff;border:1px solid #dddddd;border-radius:15px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#aea79f;background-color:#ffffff;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#aea79f}.label-default[href]:hover,.label-default[href]:focus{background-color:#978e83}.label-primary{background-color:#dd4814}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#ae3910}.label-success{background-color:#38b44a}.label-success[href]:hover,.label-success[href]:focus{background-color:#2c8d3a}.label-info{background-color:#772953}.label-info[href]:hover,.label-info[href]:focus{background-color:#511c39}.label-warning{background-color:#efb73e}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#e7a413}.label-danger{background-color:#df382c}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#bc271c}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#aea79f;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#dd4814;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#eeeeee}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:21px;font-weight:200}.jumbotron>hr{border-top-color:#d5d5d5}.container .jumbotron,.container-fluid .jumbotron{border-radius:6px}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:63px}}.thumbnail{display:block;padding:4px;margin-bottom:20px;line-height:1.42857143;background-color:#ffffff;border:1px solid #dddddd;border-radius:4px;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#dd4814}.thumbnail .caption{padding:9px;color:#333333}.alert{padding:15px;margin-bottom:20px;border:1px solid transparent;border-radius:4px}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#dff0d8;border-color:#d6e9c6;color:#468847}.alert-success hr{border-top-color:#c9e2b3}.alert-success .alert-link{color:#356635}.alert-info{background-color:#d9edf7;border-color:#bce8f1;color:#3a87ad}.alert-info hr{border-top-color:#a6e1ec}.alert-info .alert-link{color:#2d6987}.alert-warning{background-color:#fcf8e3;border-color:#fbeed5;color:#c09853}.alert-warning hr{border-top-color:#f8e5be}.alert-warning .alert-link{color:#a47e3c}.alert-danger{background-color:#f2dede;border-color:#eed3d7;color:#b94a48}.alert-danger hr{border-top-color:#e6c1c7}.alert-danger .alert-link{color:#953b39}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:20px;margin-bottom:20px;background-color:#f5f5f5;border-radius:4px;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:20px;color:#ffffff;text-align:center;background-color:#dd4814;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#38b44a}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#772953}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#efb73e}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#df382c}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:4px;border-top-left-radius:4px}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:4px;border-bottom-left-radius:4px}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#aea79f;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#aea79f}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#dd4814;border-color:#dd4814}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#fad1c3}.list-group-item-success{color:#468847;background-color:#dff0d8}a.list-group-item-success{color:#468847}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#468847;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#468847;border-color:#468847}.list-group-item-info{color:#3a87ad;background-color:#d9edf7}a.list-group-item-info{color:#3a87ad}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#3a87ad;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#3a87ad;border-color:#3a87ad}.list-group-item-warning{color:#c09853;background-color:#fcf8e3}a.list-group-item-warning{color:#c09853}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#c09853;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#c09853;border-color:#c09853}.list-group-item-danger{color:#b94a48;background-color:#f2dede}a.list-group-item-danger{color:#b94a48}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#b94a48;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#b94a48;border-color:#b94a48}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:20px;background-color:#ffffff;border:1px solid transparent;border-radius:4px;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:3px;border-top-left-radius:3px}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:16px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:3px;border-top-left-radius:3px}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:3px;border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:3px;border-top-right-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:3px}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:3px}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:3px;border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:3px;border-bottom-right-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:3px}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:3px}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:20px}.panel-group .panel{margin-bottom:0;border-radius:4px}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#dd4814}.panel-primary>.panel-heading{color:#ffffff;background-color:#dd4814;border-color:#dd4814}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dd4814}.panel-primary>.panel-heading .badge{color:#dd4814;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dd4814}.panel-success{border-color:#d6e9c6}.panel-success>.panel-heading{color:#468847;background-color:#dff0d8;border-color:#d6e9c6}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d6e9c6}.panel-success>.panel-heading .badge{color:#dff0d8;background-color:#468847}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d6e9c6}.panel-info{border-color:#bce8f1}.panel-info>.panel-heading{color:#3a87ad;background-color:#d9edf7;border-color:#bce8f1}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#bce8f1}.panel-info>.panel-heading .badge{color:#d9edf7;background-color:#3a87ad}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#bce8f1}.panel-warning{border-color:#fbeed5}.panel-warning>.panel-heading{color:#c09853;background-color:#fcf8e3;border-color:#fbeed5}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#fbeed5}.panel-warning>.panel-heading .badge{color:#fcf8e3;background-color:#c09853}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#fbeed5}.panel-danger{border-color:#eed3d7}.panel-danger>.panel-heading{color:#b94a48;background-color:#f2dede;border-color:#eed3d7}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#eed3d7}.panel-danger>.panel-heading .badge{color:#f2dede;background-color:#b94a48}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#eed3d7}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#f5f5f5;border:1px solid #e3e3e3;border-radius:4px;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:6px}.well-sm{padding:9px;border-radius:3px}.close{float:right;font-size:21px;font-weight:bold;line-height:1;color:#000000;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#000000;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.42857143px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.42857143}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Ubuntu",Tahoma,"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#000000;border-radius:4px}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#000000}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#000000}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#000000}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#000000}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Ubuntu",Tahoma,"Helvetica Neue",Helvetica,Arial,sans-serif;font-size:14px;font-weight:normal;line-height:1.42857143;text-align:left;background-color:#ffffff;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.2);border-radius:6px;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:14px;background-color:#f7f7f7;border-bottom:1px solid #ebebeb;border-radius:5px 5px 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#999999;border-top-color:rgba(0,0,0,0.25);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#ffffff}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#999999;border-right-color:rgba(0,0,0,0.25)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#ffffff}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#999999;border-bottom-color:rgba(0,0,0,0.25);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#ffffff}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#999999;border-left-color:rgba(0,0,0,0.25)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#ffffff;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar-default .badge{background-color:#fff;color:#dd4814}.navbar-inverse .badge{background-color:#fff;color:#772953}@media (max-width:767px){.navbar .dropdown-menu a{color:#fff}} diff --git a/docs/build/html/_static/css/bootstrap3/bootswatch-yeti.css b/docs/build/html/_static/css/bootstrap3/bootswatch-yeti.css new file mode 100644 index 0000000..3c8d090 --- /dev/null +++ b/docs/build/html/_static/css/bootstrap3/bootswatch-yeti.css @@ -0,0 +1,7 @@ +@import url("https://fonts.googleapis.com/css?family=Open+Sans:300italic,400italic,700italic,400,300,700");/*! + * bootswatch v3.3.4+1 + * Homepage: http://bootswatch.com + * Copyright 2012-2015 Thomas Park + * Licensed under MIT + * Based on Bootstrap +*//*! normalize.css v3.0.2 | MIT License | git.io/normalize */html{font-family:sans-serif;-ms-text-size-adjust:100%;-webkit-text-size-adjust:100%}body{margin:0}article,aside,details,figcaption,figure,footer,header,hgroup,main,menu,nav,section,summary{display:block}audio,canvas,progress,video{display:inline-block;vertical-align:baseline}audio:not([controls]){display:none;height:0}[hidden],template{display:none}a{background-color:transparent}a:active,a:hover{outline:0}abbr[title]{border-bottom:1px dotted}b,strong{font-weight:bold}dfn{font-style:italic}h1{font-size:2em;margin:0.67em 0}mark{background:#ff0;color:#000}small{font-size:80%}sub,sup{font-size:75%;line-height:0;position:relative;vertical-align:baseline}sup{top:-0.5em}sub{bottom:-0.25em}img{border:0}svg:not(:root){overflow:hidden}figure{margin:1em 40px}hr{-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box;height:0}pre{overflow:auto}code,kbd,pre,samp{font-family:monospace, monospace;font-size:1em}button,input,optgroup,select,textarea{color:inherit;font:inherit;margin:0}button{overflow:visible}button,select{text-transform:none}button,html input[type="button"],input[type="reset"],input[type="submit"]{-webkit-appearance:button;cursor:pointer}button[disabled],html input[disabled]{cursor:default}button::-moz-focus-inner,input::-moz-focus-inner{border:0;padding:0}input{line-height:normal}input[type="checkbox"],input[type="radio"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box;padding:0}input[type="number"]::-webkit-inner-spin-button,input[type="number"]::-webkit-outer-spin-button{height:auto}input[type="search"]{-webkit-appearance:textfield;-moz-box-sizing:content-box;-webkit-box-sizing:content-box;box-sizing:content-box}input[type="search"]::-webkit-search-cancel-button,input[type="search"]::-webkit-search-decoration{-webkit-appearance:none}fieldset{border:1px solid #c0c0c0;margin:0 2px;padding:0.35em 0.625em 0.75em}legend{border:0;padding:0}textarea{overflow:auto}optgroup{font-weight:bold}table{border-collapse:collapse;border-spacing:0}td,th{padding:0}/*! Source: https://github.com/h5bp/html5-boilerplate/blob/master/src/css/main.css */@media print{*,*:before,*:after{background:transparent !important;color:#000 !important;-webkit-box-shadow:none !important;box-shadow:none !important;text-shadow:none !important}a,a:visited{text-decoration:underline}a[href]:after{content:" (" attr(href) ")"}abbr[title]:after{content:" (" attr(title) ")"}a[href^="#"]:after,a[href^="javascript:"]:after{content:""}pre,blockquote{border:1px solid #999;page-break-inside:avoid}thead{display:table-header-group}tr,img{page-break-inside:avoid}img{max-width:100% !important}p,h2,h3{orphans:3;widows:3}h2,h3{page-break-after:avoid}select{background:#fff !important}.navbar{display:none}.btn>.caret,.dropup>.btn>.caret{border-top-color:#000 !important}.label{border:1px solid #000}.table{border-collapse:collapse !important}.table td,.table th{background-color:#fff !important}.table-bordered th,.table-bordered td{border:1px solid #ddd !important}}@font-face{font-family:'Glyphicons Halflings';src:url('../../fonts/glyphicons-halflings-regular.eot');src:url('../../fonts/glyphicons-halflings-regular.eot?#iefix') format('embedded-opentype'),url('../../fonts/glyphicons-halflings-regular.woff2') format('woff2'),url('../../fonts/glyphicons-halflings-regular.woff') format('woff'),url('../../fonts/glyphicons-halflings-regular.ttf') format('truetype'),url('../../fonts/glyphicons-halflings-regular.svg#glyphicons_halflingsregular') format('svg')}.glyphicon{position:relative;top:1px;display:inline-block;font-family:'Glyphicons Halflings';font-style:normal;font-weight:normal;line-height:1;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale}.glyphicon-asterisk:before{content:"\2a"}.glyphicon-plus:before{content:"\2b"}.glyphicon-euro:before,.glyphicon-eur:before{content:"\20ac"}.glyphicon-minus:before{content:"\2212"}.glyphicon-cloud:before{content:"\2601"}.glyphicon-envelope:before{content:"\2709"}.glyphicon-pencil:before{content:"\270f"}.glyphicon-glass:before{content:"\e001"}.glyphicon-music:before{content:"\e002"}.glyphicon-search:before{content:"\e003"}.glyphicon-heart:before{content:"\e005"}.glyphicon-star:before{content:"\e006"}.glyphicon-star-empty:before{content:"\e007"}.glyphicon-user:before{content:"\e008"}.glyphicon-film:before{content:"\e009"}.glyphicon-th-large:before{content:"\e010"}.glyphicon-th:before{content:"\e011"}.glyphicon-th-list:before{content:"\e012"}.glyphicon-ok:before{content:"\e013"}.glyphicon-remove:before{content:"\e014"}.glyphicon-zoom-in:before{content:"\e015"}.glyphicon-zoom-out:before{content:"\e016"}.glyphicon-off:before{content:"\e017"}.glyphicon-signal:before{content:"\e018"}.glyphicon-cog:before{content:"\e019"}.glyphicon-trash:before{content:"\e020"}.glyphicon-home:before{content:"\e021"}.glyphicon-file:before{content:"\e022"}.glyphicon-time:before{content:"\e023"}.glyphicon-road:before{content:"\e024"}.glyphicon-download-alt:before{content:"\e025"}.glyphicon-download:before{content:"\e026"}.glyphicon-upload:before{content:"\e027"}.glyphicon-inbox:before{content:"\e028"}.glyphicon-play-circle:before{content:"\e029"}.glyphicon-repeat:before{content:"\e030"}.glyphicon-refresh:before{content:"\e031"}.glyphicon-list-alt:before{content:"\e032"}.glyphicon-lock:before{content:"\e033"}.glyphicon-flag:before{content:"\e034"}.glyphicon-headphones:before{content:"\e035"}.glyphicon-volume-off:before{content:"\e036"}.glyphicon-volume-down:before{content:"\e037"}.glyphicon-volume-up:before{content:"\e038"}.glyphicon-qrcode:before{content:"\e039"}.glyphicon-barcode:before{content:"\e040"}.glyphicon-tag:before{content:"\e041"}.glyphicon-tags:before{content:"\e042"}.glyphicon-book:before{content:"\e043"}.glyphicon-bookmark:before{content:"\e044"}.glyphicon-print:before{content:"\e045"}.glyphicon-camera:before{content:"\e046"}.glyphicon-font:before{content:"\e047"}.glyphicon-bold:before{content:"\e048"}.glyphicon-italic:before{content:"\e049"}.glyphicon-text-height:before{content:"\e050"}.glyphicon-text-width:before{content:"\e051"}.glyphicon-align-left:before{content:"\e052"}.glyphicon-align-center:before{content:"\e053"}.glyphicon-align-right:before{content:"\e054"}.glyphicon-align-justify:before{content:"\e055"}.glyphicon-list:before{content:"\e056"}.glyphicon-indent-left:before{content:"\e057"}.glyphicon-indent-right:before{content:"\e058"}.glyphicon-facetime-video:before{content:"\e059"}.glyphicon-picture:before{content:"\e060"}.glyphicon-map-marker:before{content:"\e062"}.glyphicon-adjust:before{content:"\e063"}.glyphicon-tint:before{content:"\e064"}.glyphicon-edit:before{content:"\e065"}.glyphicon-share:before{content:"\e066"}.glyphicon-check:before{content:"\e067"}.glyphicon-move:before{content:"\e068"}.glyphicon-step-backward:before{content:"\e069"}.glyphicon-fast-backward:before{content:"\e070"}.glyphicon-backward:before{content:"\e071"}.glyphicon-play:before{content:"\e072"}.glyphicon-pause:before{content:"\e073"}.glyphicon-stop:before{content:"\e074"}.glyphicon-forward:before{content:"\e075"}.glyphicon-fast-forward:before{content:"\e076"}.glyphicon-step-forward:before{content:"\e077"}.glyphicon-eject:before{content:"\e078"}.glyphicon-chevron-left:before{content:"\e079"}.glyphicon-chevron-right:before{content:"\e080"}.glyphicon-plus-sign:before{content:"\e081"}.glyphicon-minus-sign:before{content:"\e082"}.glyphicon-remove-sign:before{content:"\e083"}.glyphicon-ok-sign:before{content:"\e084"}.glyphicon-question-sign:before{content:"\e085"}.glyphicon-info-sign:before{content:"\e086"}.glyphicon-screenshot:before{content:"\e087"}.glyphicon-remove-circle:before{content:"\e088"}.glyphicon-ok-circle:before{content:"\e089"}.glyphicon-ban-circle:before{content:"\e090"}.glyphicon-arrow-left:before{content:"\e091"}.glyphicon-arrow-right:before{content:"\e092"}.glyphicon-arrow-up:before{content:"\e093"}.glyphicon-arrow-down:before{content:"\e094"}.glyphicon-share-alt:before{content:"\e095"}.glyphicon-resize-full:before{content:"\e096"}.glyphicon-resize-small:before{content:"\e097"}.glyphicon-exclamation-sign:before{content:"\e101"}.glyphicon-gift:before{content:"\e102"}.glyphicon-leaf:before{content:"\e103"}.glyphicon-fire:before{content:"\e104"}.glyphicon-eye-open:before{content:"\e105"}.glyphicon-eye-close:before{content:"\e106"}.glyphicon-warning-sign:before{content:"\e107"}.glyphicon-plane:before{content:"\e108"}.glyphicon-calendar:before{content:"\e109"}.glyphicon-random:before{content:"\e110"}.glyphicon-comment:before{content:"\e111"}.glyphicon-magnet:before{content:"\e112"}.glyphicon-chevron-up:before{content:"\e113"}.glyphicon-chevron-down:before{content:"\e114"}.glyphicon-retweet:before{content:"\e115"}.glyphicon-shopping-cart:before{content:"\e116"}.glyphicon-folder-close:before{content:"\e117"}.glyphicon-folder-open:before{content:"\e118"}.glyphicon-resize-vertical:before{content:"\e119"}.glyphicon-resize-horizontal:before{content:"\e120"}.glyphicon-hdd:before{content:"\e121"}.glyphicon-bullhorn:before{content:"\e122"}.glyphicon-bell:before{content:"\e123"}.glyphicon-certificate:before{content:"\e124"}.glyphicon-thumbs-up:before{content:"\e125"}.glyphicon-thumbs-down:before{content:"\e126"}.glyphicon-hand-right:before{content:"\e127"}.glyphicon-hand-left:before{content:"\e128"}.glyphicon-hand-up:before{content:"\e129"}.glyphicon-hand-down:before{content:"\e130"}.glyphicon-circle-arrow-right:before{content:"\e131"}.glyphicon-circle-arrow-left:before{content:"\e132"}.glyphicon-circle-arrow-up:before{content:"\e133"}.glyphicon-circle-arrow-down:before{content:"\e134"}.glyphicon-globe:before{content:"\e135"}.glyphicon-wrench:before{content:"\e136"}.glyphicon-tasks:before{content:"\e137"}.glyphicon-filter:before{content:"\e138"}.glyphicon-briefcase:before{content:"\e139"}.glyphicon-fullscreen:before{content:"\e140"}.glyphicon-dashboard:before{content:"\e141"}.glyphicon-paperclip:before{content:"\e142"}.glyphicon-heart-empty:before{content:"\e143"}.glyphicon-link:before{content:"\e144"}.glyphicon-phone:before{content:"\e145"}.glyphicon-pushpin:before{content:"\e146"}.glyphicon-usd:before{content:"\e148"}.glyphicon-gbp:before{content:"\e149"}.glyphicon-sort:before{content:"\e150"}.glyphicon-sort-by-alphabet:before{content:"\e151"}.glyphicon-sort-by-alphabet-alt:before{content:"\e152"}.glyphicon-sort-by-order:before{content:"\e153"}.glyphicon-sort-by-order-alt:before{content:"\e154"}.glyphicon-sort-by-attributes:before{content:"\e155"}.glyphicon-sort-by-attributes-alt:before{content:"\e156"}.glyphicon-unchecked:before{content:"\e157"}.glyphicon-expand:before{content:"\e158"}.glyphicon-collapse-down:before{content:"\e159"}.glyphicon-collapse-up:before{content:"\e160"}.glyphicon-log-in:before{content:"\e161"}.glyphicon-flash:before{content:"\e162"}.glyphicon-log-out:before{content:"\e163"}.glyphicon-new-window:before{content:"\e164"}.glyphicon-record:before{content:"\e165"}.glyphicon-save:before{content:"\e166"}.glyphicon-open:before{content:"\e167"}.glyphicon-saved:before{content:"\e168"}.glyphicon-import:before{content:"\e169"}.glyphicon-export:before{content:"\e170"}.glyphicon-send:before{content:"\e171"}.glyphicon-floppy-disk:before{content:"\e172"}.glyphicon-floppy-saved:before{content:"\e173"}.glyphicon-floppy-remove:before{content:"\e174"}.glyphicon-floppy-save:before{content:"\e175"}.glyphicon-floppy-open:before{content:"\e176"}.glyphicon-credit-card:before{content:"\e177"}.glyphicon-transfer:before{content:"\e178"}.glyphicon-cutlery:before{content:"\e179"}.glyphicon-header:before{content:"\e180"}.glyphicon-compressed:before{content:"\e181"}.glyphicon-earphone:before{content:"\e182"}.glyphicon-phone-alt:before{content:"\e183"}.glyphicon-tower:before{content:"\e184"}.glyphicon-stats:before{content:"\e185"}.glyphicon-sd-video:before{content:"\e186"}.glyphicon-hd-video:before{content:"\e187"}.glyphicon-subtitles:before{content:"\e188"}.glyphicon-sound-stereo:before{content:"\e189"}.glyphicon-sound-dolby:before{content:"\e190"}.glyphicon-sound-5-1:before{content:"\e191"}.glyphicon-sound-6-1:before{content:"\e192"}.glyphicon-sound-7-1:before{content:"\e193"}.glyphicon-copyright-mark:before{content:"\e194"}.glyphicon-registration-mark:before{content:"\e195"}.glyphicon-cloud-download:before{content:"\e197"}.glyphicon-cloud-upload:before{content:"\e198"}.glyphicon-tree-conifer:before{content:"\e199"}.glyphicon-tree-deciduous:before{content:"\e200"}.glyphicon-cd:before{content:"\e201"}.glyphicon-save-file:before{content:"\e202"}.glyphicon-open-file:before{content:"\e203"}.glyphicon-level-up:before{content:"\e204"}.glyphicon-copy:before{content:"\e205"}.glyphicon-paste:before{content:"\e206"}.glyphicon-alert:before{content:"\e209"}.glyphicon-equalizer:before{content:"\e210"}.glyphicon-king:before{content:"\e211"}.glyphicon-queen:before{content:"\e212"}.glyphicon-pawn:before{content:"\e213"}.glyphicon-bishop:before{content:"\e214"}.glyphicon-knight:before{content:"\e215"}.glyphicon-baby-formula:before{content:"\e216"}.glyphicon-tent:before{content:"\26fa"}.glyphicon-blackboard:before{content:"\e218"}.glyphicon-bed:before{content:"\e219"}.glyphicon-apple:before{content:"\f8ff"}.glyphicon-erase:before{content:"\e221"}.glyphicon-hourglass:before{content:"\231b"}.glyphicon-lamp:before{content:"\e223"}.glyphicon-duplicate:before{content:"\e224"}.glyphicon-piggy-bank:before{content:"\e225"}.glyphicon-scissors:before{content:"\e226"}.glyphicon-bitcoin:before{content:"\e227"}.glyphicon-btc:before{content:"\e227"}.glyphicon-xbt:before{content:"\e227"}.glyphicon-yen:before{content:"\00a5"}.glyphicon-jpy:before{content:"\00a5"}.glyphicon-ruble:before{content:"\20bd"}.glyphicon-rub:before{content:"\20bd"}.glyphicon-scale:before{content:"\e230"}.glyphicon-ice-lolly:before{content:"\e231"}.glyphicon-ice-lolly-tasted:before{content:"\e232"}.glyphicon-education:before{content:"\e233"}.glyphicon-option-horizontal:before{content:"\e234"}.glyphicon-option-vertical:before{content:"\e235"}.glyphicon-menu-hamburger:before{content:"\e236"}.glyphicon-modal-window:before{content:"\e237"}.glyphicon-oil:before{content:"\e238"}.glyphicon-grain:before{content:"\e239"}.glyphicon-sunglasses:before{content:"\e240"}.glyphicon-text-size:before{content:"\e241"}.glyphicon-text-color:before{content:"\e242"}.glyphicon-text-background:before{content:"\e243"}.glyphicon-object-align-top:before{content:"\e244"}.glyphicon-object-align-bottom:before{content:"\e245"}.glyphicon-object-align-horizontal:before{content:"\e246"}.glyphicon-object-align-left:before{content:"\e247"}.glyphicon-object-align-vertical:before{content:"\e248"}.glyphicon-object-align-right:before{content:"\e249"}.glyphicon-triangle-right:before{content:"\e250"}.glyphicon-triangle-left:before{content:"\e251"}.glyphicon-triangle-bottom:before{content:"\e252"}.glyphicon-triangle-top:before{content:"\e253"}.glyphicon-console:before{content:"\e254"}.glyphicon-superscript:before{content:"\e255"}.glyphicon-subscript:before{content:"\e256"}.glyphicon-menu-left:before{content:"\e257"}.glyphicon-menu-right:before{content:"\e258"}.glyphicon-menu-down:before{content:"\e259"}.glyphicon-menu-up:before{content:"\e260"}*{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}*:before,*:after{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}html{font-size:10px;-webkit-tap-highlight-color:rgba(0,0,0,0)}body{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;line-height:1.4;color:#222222;background-color:#ffffff}input,button,select,textarea{font-family:inherit;font-size:inherit;line-height:inherit}a{color:#008cba;text-decoration:none}a:hover,a:focus{color:#008cba;text-decoration:underline}a:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}figure{margin:0}img{vertical-align:middle}.img-responsive,.thumbnail>img,.thumbnail a>img,.carousel-inner>.item>img,.carousel-inner>.item>a>img{display:block;max-width:100%;height:auto}.img-rounded{border-radius:0}.img-thumbnail{padding:4px;line-height:1.4;background-color:#ffffff;border:1px solid #dddddd;border-radius:0;-webkit-transition:all .2s ease-in-out;-o-transition:all .2s ease-in-out;transition:all .2s ease-in-out;display:inline-block;max-width:100%;height:auto}.img-circle{border-radius:50%}hr{margin-top:21px;margin-bottom:21px;border:0;border-top:1px solid #dddddd}.sr-only{position:absolute;width:1px;height:1px;margin:-1px;padding:0;overflow:hidden;clip:rect(0, 0, 0, 0);border:0}.sr-only-focusable:active,.sr-only-focusable:focus{position:static;width:auto;height:auto;margin:0;overflow:visible;clip:auto}[role="button"]{cursor:pointer}h1,h2,h3,h4,h5,h6,.h1,.h2,.h3,.h4,.h5,.h6{font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-weight:300;line-height:1.1;color:inherit}h1 small,h2 small,h3 small,h4 small,h5 small,h6 small,.h1 small,.h2 small,.h3 small,.h4 small,.h5 small,.h6 small,h1 .small,h2 .small,h3 .small,h4 .small,h5 .small,h6 .small,.h1 .small,.h2 .small,.h3 .small,.h4 .small,.h5 .small,.h6 .small{font-weight:normal;line-height:1;color:#999999}h1,.h1,h2,.h2,h3,.h3{margin-top:21px;margin-bottom:10.5px}h1 small,.h1 small,h2 small,.h2 small,h3 small,.h3 small,h1 .small,.h1 .small,h2 .small,.h2 .small,h3 .small,.h3 .small{font-size:65%}h4,.h4,h5,.h5,h6,.h6{margin-top:10.5px;margin-bottom:10.5px}h4 small,.h4 small,h5 small,.h5 small,h6 small,.h6 small,h4 .small,.h4 .small,h5 .small,.h5 .small,h6 .small,.h6 .small{font-size:75%}h1,.h1{font-size:39px}h2,.h2{font-size:32px}h3,.h3{font-size:26px}h4,.h4{font-size:19px}h5,.h5{font-size:15px}h6,.h6{font-size:13px}p{margin:0 0 10.5px}.lead{margin-bottom:21px;font-size:17px;font-weight:300;line-height:1.4}@media (min-width:768px){.lead{font-size:22.5px}}small,.small{font-size:80%}mark,.mark{background-color:#fcf8e3;padding:.2em}.text-left{text-align:left}.text-right{text-align:right}.text-center{text-align:center}.text-justify{text-align:justify}.text-nowrap{white-space:nowrap}.text-lowercase{text-transform:lowercase}.text-uppercase{text-transform:uppercase}.text-capitalize{text-transform:capitalize}.text-muted{color:#999999}.text-primary{color:#008cba}a.text-primary:hover{color:#006687}.text-success{color:#43ac6a}a.text-success:hover{color:#358753}.text-info{color:#5bc0de}a.text-info:hover{color:#31b0d5}.text-warning{color:#e99002}a.text-warning:hover{color:#b67102}.text-danger{color:#f04124}a.text-danger:hover{color:#d32a0e}.bg-primary{color:#fff;background-color:#008cba}a.bg-primary:hover{background-color:#006687}.bg-success{background-color:#dff0d8}a.bg-success:hover{background-color:#c1e2b3}.bg-info{background-color:#d9edf7}a.bg-info:hover{background-color:#afd9ee}.bg-warning{background-color:#fcf8e3}a.bg-warning:hover{background-color:#f7ecb5}.bg-danger{background-color:#f2dede}a.bg-danger:hover{background-color:#e4b9b9}.page-header{padding-bottom:9.5px;margin:42px 0 21px;border-bottom:1px solid #dddddd}ul,ol{margin-top:0;margin-bottom:10.5px}ul ul,ol ul,ul ol,ol ol{margin-bottom:0}.list-unstyled{padding-left:0;list-style:none}.list-inline{padding-left:0;list-style:none;margin-left:-5px}.list-inline>li{display:inline-block;padding-left:5px;padding-right:5px}dl{margin-top:0;margin-bottom:21px}dt,dd{line-height:1.4}dt{font-weight:bold}dd{margin-left:0}@media (min-width:768px){.dl-horizontal dt{float:left;width:160px;clear:left;text-align:right;overflow:hidden;text-overflow:ellipsis;white-space:nowrap}.dl-horizontal dd{margin-left:180px}}abbr[title],abbr[data-original-title]{cursor:help;border-bottom:1px dotted #999999}.initialism{font-size:90%;text-transform:uppercase}blockquote{padding:10.5px 21px;margin:0 0 21px;font-size:18.75px;border-left:5px solid #dddddd}blockquote p:last-child,blockquote ul:last-child,blockquote ol:last-child{margin-bottom:0}blockquote footer,blockquote small,blockquote .small{display:block;font-size:80%;line-height:1.4;color:#6f6f6f}blockquote footer:before,blockquote small:before,blockquote .small:before{content:'\2014 \00A0'}.blockquote-reverse,blockquote.pull-right{padding-right:15px;padding-left:0;border-right:5px solid #dddddd;border-left:0;text-align:right}.blockquote-reverse footer:before,blockquote.pull-right footer:before,.blockquote-reverse small:before,blockquote.pull-right small:before,.blockquote-reverse .small:before,blockquote.pull-right .small:before{content:''}.blockquote-reverse footer:after,blockquote.pull-right footer:after,.blockquote-reverse small:after,blockquote.pull-right small:after,.blockquote-reverse .small:after,blockquote.pull-right .small:after{content:'\00A0 \2014'}address{margin-bottom:21px;font-style:normal;line-height:1.4}code,kbd,pre,samp{font-family:Menlo,Monaco,Consolas,"Courier New",monospace}code{padding:2px 4px;font-size:90%;color:#c7254e;background-color:#f9f2f4;border-radius:0}kbd{padding:2px 4px;font-size:90%;color:#ffffff;background-color:#333333;border-radius:0;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.25)}kbd kbd{padding:0;font-size:100%;font-weight:bold;-webkit-box-shadow:none;box-shadow:none}pre{display:block;padding:10px;margin:0 0 10.5px;font-size:14px;line-height:1.4;word-break:break-all;word-wrap:break-word;color:#333333;background-color:#f5f5f5;border:1px solid #cccccc;border-radius:0}pre code{padding:0;font-size:inherit;color:inherit;white-space:pre-wrap;background-color:transparent;border-radius:0}.pre-scrollable{max-height:340px;overflow-y:scroll}.container{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}@media (min-width:768px){.container{width:750px}}@media (min-width:992px){.container{width:970px}}@media (min-width:1200px){.container{width:1170px}}.container-fluid{margin-right:auto;margin-left:auto;padding-left:15px;padding-right:15px}.row{margin-left:-15px;margin-right:-15px}.col-xs-1,.col-sm-1,.col-md-1,.col-lg-1,.col-xs-2,.col-sm-2,.col-md-2,.col-lg-2,.col-xs-3,.col-sm-3,.col-md-3,.col-lg-3,.col-xs-4,.col-sm-4,.col-md-4,.col-lg-4,.col-xs-5,.col-sm-5,.col-md-5,.col-lg-5,.col-xs-6,.col-sm-6,.col-md-6,.col-lg-6,.col-xs-7,.col-sm-7,.col-md-7,.col-lg-7,.col-xs-8,.col-sm-8,.col-md-8,.col-lg-8,.col-xs-9,.col-sm-9,.col-md-9,.col-lg-9,.col-xs-10,.col-sm-10,.col-md-10,.col-lg-10,.col-xs-11,.col-sm-11,.col-md-11,.col-lg-11,.col-xs-12,.col-sm-12,.col-md-12,.col-lg-12{position:relative;min-height:1px;padding-left:15px;padding-right:15px}.col-xs-1,.col-xs-2,.col-xs-3,.col-xs-4,.col-xs-5,.col-xs-6,.col-xs-7,.col-xs-8,.col-xs-9,.col-xs-10,.col-xs-11,.col-xs-12{float:left}.col-xs-12{width:100%}.col-xs-11{width:91.66666667%}.col-xs-10{width:83.33333333%}.col-xs-9{width:75%}.col-xs-8{width:66.66666667%}.col-xs-7{width:58.33333333%}.col-xs-6{width:50%}.col-xs-5{width:41.66666667%}.col-xs-4{width:33.33333333%}.col-xs-3{width:25%}.col-xs-2{width:16.66666667%}.col-xs-1{width:8.33333333%}.col-xs-pull-12{right:100%}.col-xs-pull-11{right:91.66666667%}.col-xs-pull-10{right:83.33333333%}.col-xs-pull-9{right:75%}.col-xs-pull-8{right:66.66666667%}.col-xs-pull-7{right:58.33333333%}.col-xs-pull-6{right:50%}.col-xs-pull-5{right:41.66666667%}.col-xs-pull-4{right:33.33333333%}.col-xs-pull-3{right:25%}.col-xs-pull-2{right:16.66666667%}.col-xs-pull-1{right:8.33333333%}.col-xs-pull-0{right:auto}.col-xs-push-12{left:100%}.col-xs-push-11{left:91.66666667%}.col-xs-push-10{left:83.33333333%}.col-xs-push-9{left:75%}.col-xs-push-8{left:66.66666667%}.col-xs-push-7{left:58.33333333%}.col-xs-push-6{left:50%}.col-xs-push-5{left:41.66666667%}.col-xs-push-4{left:33.33333333%}.col-xs-push-3{left:25%}.col-xs-push-2{left:16.66666667%}.col-xs-push-1{left:8.33333333%}.col-xs-push-0{left:auto}.col-xs-offset-12{margin-left:100%}.col-xs-offset-11{margin-left:91.66666667%}.col-xs-offset-10{margin-left:83.33333333%}.col-xs-offset-9{margin-left:75%}.col-xs-offset-8{margin-left:66.66666667%}.col-xs-offset-7{margin-left:58.33333333%}.col-xs-offset-6{margin-left:50%}.col-xs-offset-5{margin-left:41.66666667%}.col-xs-offset-4{margin-left:33.33333333%}.col-xs-offset-3{margin-left:25%}.col-xs-offset-2{margin-left:16.66666667%}.col-xs-offset-1{margin-left:8.33333333%}.col-xs-offset-0{margin-left:0%}@media (min-width:768px){.col-sm-1,.col-sm-2,.col-sm-3,.col-sm-4,.col-sm-5,.col-sm-6,.col-sm-7,.col-sm-8,.col-sm-9,.col-sm-10,.col-sm-11,.col-sm-12{float:left}.col-sm-12{width:100%}.col-sm-11{width:91.66666667%}.col-sm-10{width:83.33333333%}.col-sm-9{width:75%}.col-sm-8{width:66.66666667%}.col-sm-7{width:58.33333333%}.col-sm-6{width:50%}.col-sm-5{width:41.66666667%}.col-sm-4{width:33.33333333%}.col-sm-3{width:25%}.col-sm-2{width:16.66666667%}.col-sm-1{width:8.33333333%}.col-sm-pull-12{right:100%}.col-sm-pull-11{right:91.66666667%}.col-sm-pull-10{right:83.33333333%}.col-sm-pull-9{right:75%}.col-sm-pull-8{right:66.66666667%}.col-sm-pull-7{right:58.33333333%}.col-sm-pull-6{right:50%}.col-sm-pull-5{right:41.66666667%}.col-sm-pull-4{right:33.33333333%}.col-sm-pull-3{right:25%}.col-sm-pull-2{right:16.66666667%}.col-sm-pull-1{right:8.33333333%}.col-sm-pull-0{right:auto}.col-sm-push-12{left:100%}.col-sm-push-11{left:91.66666667%}.col-sm-push-10{left:83.33333333%}.col-sm-push-9{left:75%}.col-sm-push-8{left:66.66666667%}.col-sm-push-7{left:58.33333333%}.col-sm-push-6{left:50%}.col-sm-push-5{left:41.66666667%}.col-sm-push-4{left:33.33333333%}.col-sm-push-3{left:25%}.col-sm-push-2{left:16.66666667%}.col-sm-push-1{left:8.33333333%}.col-sm-push-0{left:auto}.col-sm-offset-12{margin-left:100%}.col-sm-offset-11{margin-left:91.66666667%}.col-sm-offset-10{margin-left:83.33333333%}.col-sm-offset-9{margin-left:75%}.col-sm-offset-8{margin-left:66.66666667%}.col-sm-offset-7{margin-left:58.33333333%}.col-sm-offset-6{margin-left:50%}.col-sm-offset-5{margin-left:41.66666667%}.col-sm-offset-4{margin-left:33.33333333%}.col-sm-offset-3{margin-left:25%}.col-sm-offset-2{margin-left:16.66666667%}.col-sm-offset-1{margin-left:8.33333333%}.col-sm-offset-0{margin-left:0%}}@media (min-width:992px){.col-md-1,.col-md-2,.col-md-3,.col-md-4,.col-md-5,.col-md-6,.col-md-7,.col-md-8,.col-md-9,.col-md-10,.col-md-11,.col-md-12{float:left}.col-md-12{width:100%}.col-md-11{width:91.66666667%}.col-md-10{width:83.33333333%}.col-md-9{width:75%}.col-md-8{width:66.66666667%}.col-md-7{width:58.33333333%}.col-md-6{width:50%}.col-md-5{width:41.66666667%}.col-md-4{width:33.33333333%}.col-md-3{width:25%}.col-md-2{width:16.66666667%}.col-md-1{width:8.33333333%}.col-md-pull-12{right:100%}.col-md-pull-11{right:91.66666667%}.col-md-pull-10{right:83.33333333%}.col-md-pull-9{right:75%}.col-md-pull-8{right:66.66666667%}.col-md-pull-7{right:58.33333333%}.col-md-pull-6{right:50%}.col-md-pull-5{right:41.66666667%}.col-md-pull-4{right:33.33333333%}.col-md-pull-3{right:25%}.col-md-pull-2{right:16.66666667%}.col-md-pull-1{right:8.33333333%}.col-md-pull-0{right:auto}.col-md-push-12{left:100%}.col-md-push-11{left:91.66666667%}.col-md-push-10{left:83.33333333%}.col-md-push-9{left:75%}.col-md-push-8{left:66.66666667%}.col-md-push-7{left:58.33333333%}.col-md-push-6{left:50%}.col-md-push-5{left:41.66666667%}.col-md-push-4{left:33.33333333%}.col-md-push-3{left:25%}.col-md-push-2{left:16.66666667%}.col-md-push-1{left:8.33333333%}.col-md-push-0{left:auto}.col-md-offset-12{margin-left:100%}.col-md-offset-11{margin-left:91.66666667%}.col-md-offset-10{margin-left:83.33333333%}.col-md-offset-9{margin-left:75%}.col-md-offset-8{margin-left:66.66666667%}.col-md-offset-7{margin-left:58.33333333%}.col-md-offset-6{margin-left:50%}.col-md-offset-5{margin-left:41.66666667%}.col-md-offset-4{margin-left:33.33333333%}.col-md-offset-3{margin-left:25%}.col-md-offset-2{margin-left:16.66666667%}.col-md-offset-1{margin-left:8.33333333%}.col-md-offset-0{margin-left:0%}}@media (min-width:1200px){.col-lg-1,.col-lg-2,.col-lg-3,.col-lg-4,.col-lg-5,.col-lg-6,.col-lg-7,.col-lg-8,.col-lg-9,.col-lg-10,.col-lg-11,.col-lg-12{float:left}.col-lg-12{width:100%}.col-lg-11{width:91.66666667%}.col-lg-10{width:83.33333333%}.col-lg-9{width:75%}.col-lg-8{width:66.66666667%}.col-lg-7{width:58.33333333%}.col-lg-6{width:50%}.col-lg-5{width:41.66666667%}.col-lg-4{width:33.33333333%}.col-lg-3{width:25%}.col-lg-2{width:16.66666667%}.col-lg-1{width:8.33333333%}.col-lg-pull-12{right:100%}.col-lg-pull-11{right:91.66666667%}.col-lg-pull-10{right:83.33333333%}.col-lg-pull-9{right:75%}.col-lg-pull-8{right:66.66666667%}.col-lg-pull-7{right:58.33333333%}.col-lg-pull-6{right:50%}.col-lg-pull-5{right:41.66666667%}.col-lg-pull-4{right:33.33333333%}.col-lg-pull-3{right:25%}.col-lg-pull-2{right:16.66666667%}.col-lg-pull-1{right:8.33333333%}.col-lg-pull-0{right:auto}.col-lg-push-12{left:100%}.col-lg-push-11{left:91.66666667%}.col-lg-push-10{left:83.33333333%}.col-lg-push-9{left:75%}.col-lg-push-8{left:66.66666667%}.col-lg-push-7{left:58.33333333%}.col-lg-push-6{left:50%}.col-lg-push-5{left:41.66666667%}.col-lg-push-4{left:33.33333333%}.col-lg-push-3{left:25%}.col-lg-push-2{left:16.66666667%}.col-lg-push-1{left:8.33333333%}.col-lg-push-0{left:auto}.col-lg-offset-12{margin-left:100%}.col-lg-offset-11{margin-left:91.66666667%}.col-lg-offset-10{margin-left:83.33333333%}.col-lg-offset-9{margin-left:75%}.col-lg-offset-8{margin-left:66.66666667%}.col-lg-offset-7{margin-left:58.33333333%}.col-lg-offset-6{margin-left:50%}.col-lg-offset-5{margin-left:41.66666667%}.col-lg-offset-4{margin-left:33.33333333%}.col-lg-offset-3{margin-left:25%}.col-lg-offset-2{margin-left:16.66666667%}.col-lg-offset-1{margin-left:8.33333333%}.col-lg-offset-0{margin-left:0%}}table{background-color:transparent}caption{padding-top:8px;padding-bottom:8px;color:#999999;text-align:left}th{text-align:left}.table{width:100%;max-width:100%;margin-bottom:21px}.table>thead>tr>th,.table>tbody>tr>th,.table>tfoot>tr>th,.table>thead>tr>td,.table>tbody>tr>td,.table>tfoot>tr>td{padding:8px;line-height:1.4;vertical-align:top;border-top:1px solid #dddddd}.table>thead>tr>th{vertical-align:bottom;border-bottom:2px solid #dddddd}.table>caption+thead>tr:first-child>th,.table>colgroup+thead>tr:first-child>th,.table>thead:first-child>tr:first-child>th,.table>caption+thead>tr:first-child>td,.table>colgroup+thead>tr:first-child>td,.table>thead:first-child>tr:first-child>td{border-top:0}.table>tbody+tbody{border-top:2px solid #dddddd}.table .table{background-color:#ffffff}.table-condensed>thead>tr>th,.table-condensed>tbody>tr>th,.table-condensed>tfoot>tr>th,.table-condensed>thead>tr>td,.table-condensed>tbody>tr>td,.table-condensed>tfoot>tr>td{padding:5px}.table-bordered{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>tbody>tr>th,.table-bordered>tfoot>tr>th,.table-bordered>thead>tr>td,.table-bordered>tbody>tr>td,.table-bordered>tfoot>tr>td{border:1px solid #dddddd}.table-bordered>thead>tr>th,.table-bordered>thead>tr>td{border-bottom-width:2px}.table-striped>tbody>tr:nth-of-type(odd){background-color:#f9f9f9}.table-hover>tbody>tr:hover{background-color:#f5f5f5}table col[class*="col-"]{position:static;float:none;display:table-column}table td[class*="col-"],table th[class*="col-"]{position:static;float:none;display:table-cell}.table>thead>tr>td.active,.table>tbody>tr>td.active,.table>tfoot>tr>td.active,.table>thead>tr>th.active,.table>tbody>tr>th.active,.table>tfoot>tr>th.active,.table>thead>tr.active>td,.table>tbody>tr.active>td,.table>tfoot>tr.active>td,.table>thead>tr.active>th,.table>tbody>tr.active>th,.table>tfoot>tr.active>th{background-color:#f5f5f5}.table-hover>tbody>tr>td.active:hover,.table-hover>tbody>tr>th.active:hover,.table-hover>tbody>tr.active:hover>td,.table-hover>tbody>tr:hover>.active,.table-hover>tbody>tr.active:hover>th{background-color:#e8e8e8}.table>thead>tr>td.success,.table>tbody>tr>td.success,.table>tfoot>tr>td.success,.table>thead>tr>th.success,.table>tbody>tr>th.success,.table>tfoot>tr>th.success,.table>thead>tr.success>td,.table>tbody>tr.success>td,.table>tfoot>tr.success>td,.table>thead>tr.success>th,.table>tbody>tr.success>th,.table>tfoot>tr.success>th{background-color:#dff0d8}.table-hover>tbody>tr>td.success:hover,.table-hover>tbody>tr>th.success:hover,.table-hover>tbody>tr.success:hover>td,.table-hover>tbody>tr:hover>.success,.table-hover>tbody>tr.success:hover>th{background-color:#d0e9c6}.table>thead>tr>td.info,.table>tbody>tr>td.info,.table>tfoot>tr>td.info,.table>thead>tr>th.info,.table>tbody>tr>th.info,.table>tfoot>tr>th.info,.table>thead>tr.info>td,.table>tbody>tr.info>td,.table>tfoot>tr.info>td,.table>thead>tr.info>th,.table>tbody>tr.info>th,.table>tfoot>tr.info>th{background-color:#d9edf7}.table-hover>tbody>tr>td.info:hover,.table-hover>tbody>tr>th.info:hover,.table-hover>tbody>tr.info:hover>td,.table-hover>tbody>tr:hover>.info,.table-hover>tbody>tr.info:hover>th{background-color:#c4e3f3}.table>thead>tr>td.warning,.table>tbody>tr>td.warning,.table>tfoot>tr>td.warning,.table>thead>tr>th.warning,.table>tbody>tr>th.warning,.table>tfoot>tr>th.warning,.table>thead>tr.warning>td,.table>tbody>tr.warning>td,.table>tfoot>tr.warning>td,.table>thead>tr.warning>th,.table>tbody>tr.warning>th,.table>tfoot>tr.warning>th{background-color:#fcf8e3}.table-hover>tbody>tr>td.warning:hover,.table-hover>tbody>tr>th.warning:hover,.table-hover>tbody>tr.warning:hover>td,.table-hover>tbody>tr:hover>.warning,.table-hover>tbody>tr.warning:hover>th{background-color:#faf2cc}.table>thead>tr>td.danger,.table>tbody>tr>td.danger,.table>tfoot>tr>td.danger,.table>thead>tr>th.danger,.table>tbody>tr>th.danger,.table>tfoot>tr>th.danger,.table>thead>tr.danger>td,.table>tbody>tr.danger>td,.table>tfoot>tr.danger>td,.table>thead>tr.danger>th,.table>tbody>tr.danger>th,.table>tfoot>tr.danger>th{background-color:#f2dede}.table-hover>tbody>tr>td.danger:hover,.table-hover>tbody>tr>th.danger:hover,.table-hover>tbody>tr.danger:hover>td,.table-hover>tbody>tr:hover>.danger,.table-hover>tbody>tr.danger:hover>th{background-color:#ebcccc}.table-responsive{overflow-x:auto;min-height:0.01%}@media screen and (max-width:767px){.table-responsive{width:100%;margin-bottom:15.75px;overflow-y:hidden;-ms-overflow-style:-ms-autohiding-scrollbar;border:1px solid #dddddd}.table-responsive>.table{margin-bottom:0}.table-responsive>.table>thead>tr>th,.table-responsive>.table>tbody>tr>th,.table-responsive>.table>tfoot>tr>th,.table-responsive>.table>thead>tr>td,.table-responsive>.table>tbody>tr>td,.table-responsive>.table>tfoot>tr>td{white-space:nowrap}.table-responsive>.table-bordered{border:0}.table-responsive>.table-bordered>thead>tr>th:first-child,.table-responsive>.table-bordered>tbody>tr>th:first-child,.table-responsive>.table-bordered>tfoot>tr>th:first-child,.table-responsive>.table-bordered>thead>tr>td:first-child,.table-responsive>.table-bordered>tbody>tr>td:first-child,.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.table-responsive>.table-bordered>thead>tr>th:last-child,.table-responsive>.table-bordered>tbody>tr>th:last-child,.table-responsive>.table-bordered>tfoot>tr>th:last-child,.table-responsive>.table-bordered>thead>tr>td:last-child,.table-responsive>.table-bordered>tbody>tr>td:last-child,.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.table-responsive>.table-bordered>tbody>tr:last-child>th,.table-responsive>.table-bordered>tfoot>tr:last-child>th,.table-responsive>.table-bordered>tbody>tr:last-child>td,.table-responsive>.table-bordered>tfoot>tr:last-child>td{border-bottom:0}}fieldset{padding:0;margin:0;border:0;min-width:0}legend{display:block;width:100%;padding:0;margin-bottom:21px;font-size:22.5px;line-height:inherit;color:#333333;border:0;border-bottom:1px solid #e5e5e5}label{display:inline-block;max-width:100%;margin-bottom:5px;font-weight:bold}input[type="search"]{-webkit-box-sizing:border-box;-moz-box-sizing:border-box;box-sizing:border-box}input[type="radio"],input[type="checkbox"]{margin:4px 0 0;margin-top:1px \9;line-height:normal}input[type="file"]{display:block}input[type="range"]{display:block;width:100%}select[multiple],select[size]{height:auto}input[type="file"]:focus,input[type="radio"]:focus,input[type="checkbox"]:focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}output{display:block;padding-top:9px;font-size:15px;line-height:1.4;color:#6f6f6f}.form-control{display:block;width:100%;height:39px;padding:8px 12px;font-size:15px;line-height:1.4;color:#6f6f6f;background-color:#ffffff;background-image:none;border:1px solid #cccccc;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);-webkit-transition:border-color ease-in-out .15s,-webkit-box-shadow ease-in-out .15s;-o-transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s;transition:border-color ease-in-out .15s,box-shadow ease-in-out .15s}.form-control:focus{border-color:#66afe9;outline:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 8px rgba(102,175,233,0.6)}.form-control::-moz-placeholder{color:#999999;opacity:1}.form-control:-ms-input-placeholder{color:#999999}.form-control::-webkit-input-placeholder{color:#999999}.form-control[disabled],.form-control[readonly],fieldset[disabled] .form-control{background-color:#eeeeee;opacity:1}.form-control[disabled],fieldset[disabled] .form-control{cursor:not-allowed}textarea.form-control{height:auto}input[type="search"]{-webkit-appearance:none}@media screen and (-webkit-min-device-pixel-ratio:0){input[type="date"],input[type="time"],input[type="datetime-local"],input[type="month"]{line-height:39px}input[type="date"].input-sm,input[type="time"].input-sm,input[type="datetime-local"].input-sm,input[type="month"].input-sm,.input-group-sm input[type="date"],.input-group-sm input[type="time"],.input-group-sm input[type="datetime-local"],.input-group-sm input[type="month"]{line-height:36px}input[type="date"].input-lg,input[type="time"].input-lg,input[type="datetime-local"].input-lg,input[type="month"].input-lg,.input-group-lg input[type="date"],.input-group-lg input[type="time"],.input-group-lg input[type="datetime-local"],.input-group-lg input[type="month"]{line-height:60px}}.form-group{margin-bottom:15px}.radio,.checkbox{position:relative;display:block;margin-top:10px;margin-bottom:10px}.radio label,.checkbox label{min-height:21px;padding-left:20px;margin-bottom:0;font-weight:normal;cursor:pointer}.radio input[type="radio"],.radio-inline input[type="radio"],.checkbox input[type="checkbox"],.checkbox-inline input[type="checkbox"]{position:absolute;margin-left:-20px;margin-top:4px \9}.radio+.radio,.checkbox+.checkbox{margin-top:-5px}.radio-inline,.checkbox-inline{position:relative;display:inline-block;padding-left:20px;margin-bottom:0;vertical-align:middle;font-weight:normal;cursor:pointer}.radio-inline+.radio-inline,.checkbox-inline+.checkbox-inline{margin-top:0;margin-left:10px}input[type="radio"][disabled],input[type="checkbox"][disabled],input[type="radio"].disabled,input[type="checkbox"].disabled,fieldset[disabled] input[type="radio"],fieldset[disabled] input[type="checkbox"]{cursor:not-allowed}.radio-inline.disabled,.checkbox-inline.disabled,fieldset[disabled] .radio-inline,fieldset[disabled] .checkbox-inline{cursor:not-allowed}.radio.disabled label,.checkbox.disabled label,fieldset[disabled] .radio label,fieldset[disabled] .checkbox label{cursor:not-allowed}.form-control-static{padding-top:9px;padding-bottom:9px;margin-bottom:0;min-height:36px}.form-control-static.input-lg,.form-control-static.input-sm{padding-left:0;padding-right:0}.input-sm{height:36px;padding:8px 12px;font-size:12px;line-height:1.5;border-radius:0}select.input-sm{height:36px;line-height:36px}textarea.input-sm,select[multiple].input-sm{height:auto}.form-group-sm .form-control{height:36px;padding:8px 12px;font-size:12px;line-height:1.5;border-radius:0}select.form-group-sm .form-control{height:36px;line-height:36px}textarea.form-group-sm .form-control,select[multiple].form-group-sm .form-control{height:auto}.form-group-sm .form-control-static{height:36px;padding:8px 12px;font-size:12px;line-height:1.5;min-height:33px}.input-lg{height:60px;padding:16px 20px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-lg{height:60px;line-height:60px}textarea.input-lg,select[multiple].input-lg{height:auto}.form-group-lg .form-control{height:60px;padding:16px 20px;font-size:19px;line-height:1.3333333;border-radius:0}select.form-group-lg .form-control{height:60px;line-height:60px}textarea.form-group-lg .form-control,select[multiple].form-group-lg .form-control{height:auto}.form-group-lg .form-control-static{height:60px;padding:16px 20px;font-size:19px;line-height:1.3333333;min-height:40px}.has-feedback{position:relative}.has-feedback .form-control{padding-right:48.75px}.form-control-feedback{position:absolute;top:0;right:0;z-index:2;display:block;width:39px;height:39px;line-height:39px;text-align:center;pointer-events:none}.input-lg+.form-control-feedback{width:60px;height:60px;line-height:60px}.input-sm+.form-control-feedback{width:36px;height:36px;line-height:36px}.has-success .help-block,.has-success .control-label,.has-success .radio,.has-success .checkbox,.has-success .radio-inline,.has-success .checkbox-inline,.has-success.radio label,.has-success.checkbox label,.has-success.radio-inline label,.has-success.checkbox-inline label{color:#43ac6a}.has-success .form-control{border-color:#43ac6a;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-success .form-control:focus{border-color:#358753;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #85d0a1;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #85d0a1}.has-success .input-group-addon{color:#43ac6a;border-color:#43ac6a;background-color:#dff0d8}.has-success .form-control-feedback{color:#43ac6a}.has-warning .help-block,.has-warning .control-label,.has-warning .radio,.has-warning .checkbox,.has-warning .radio-inline,.has-warning .checkbox-inline,.has-warning.radio label,.has-warning.checkbox label,.has-warning.radio-inline label,.has-warning.checkbox-inline label{color:#e99002}.has-warning .form-control{border-color:#e99002;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-warning .form-control:focus{border-color:#b67102;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #febc53;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #febc53}.has-warning .input-group-addon{color:#e99002;border-color:#e99002;background-color:#fcf8e3}.has-warning .form-control-feedback{color:#e99002}.has-error .help-block,.has-error .control-label,.has-error .radio,.has-error .checkbox,.has-error .radio-inline,.has-error .checkbox-inline,.has-error.radio label,.has-error.checkbox label,.has-error.radio-inline label,.has-error.checkbox-inline label{color:#f04124}.has-error .form-control{border-color:#f04124;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075);box-shadow:inset 0 1px 1px rgba(0,0,0,0.075)}.has-error .form-control:focus{border-color:#d32a0e;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f79483;box-shadow:inset 0 1px 1px rgba(0,0,0,0.075),0 0 6px #f79483}.has-error .input-group-addon{color:#f04124;border-color:#f04124;background-color:#f2dede}.has-error .form-control-feedback{color:#f04124}.has-feedback label~.form-control-feedback{top:26px}.has-feedback label.sr-only~.form-control-feedback{top:0}.help-block{display:block;margin-top:5px;margin-bottom:10px;color:#626262}@media (min-width:768px){.form-inline .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.form-inline .form-control{display:inline-block;width:auto;vertical-align:middle}.form-inline .form-control-static{display:inline-block}.form-inline .input-group{display:inline-table;vertical-align:middle}.form-inline .input-group .input-group-addon,.form-inline .input-group .input-group-btn,.form-inline .input-group .form-control{width:auto}.form-inline .input-group>.form-control{width:100%}.form-inline .control-label{margin-bottom:0;vertical-align:middle}.form-inline .radio,.form-inline .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.form-inline .radio label,.form-inline .checkbox label{padding-left:0}.form-inline .radio input[type="radio"],.form-inline .checkbox input[type="checkbox"]{position:relative;margin-left:0}.form-inline .has-feedback .form-control-feedback{top:0}}.form-horizontal .radio,.form-horizontal .checkbox,.form-horizontal .radio-inline,.form-horizontal .checkbox-inline{margin-top:0;margin-bottom:0;padding-top:9px}.form-horizontal .radio,.form-horizontal .checkbox{min-height:30px}.form-horizontal .form-group{margin-left:-15px;margin-right:-15px}@media (min-width:768px){.form-horizontal .control-label{text-align:right;margin-bottom:0;padding-top:9px}}.form-horizontal .has-feedback .form-control-feedback{right:15px}@media (min-width:768px){.form-horizontal .form-group-lg .control-label{padding-top:22.3333328px}}@media (min-width:768px){.form-horizontal .form-group-sm .control-label{padding-top:9px}}.btn{display:inline-block;margin-bottom:0;font-weight:normal;text-align:center;vertical-align:middle;-ms-touch-action:manipulation;touch-action:manipulation;cursor:pointer;background-image:none;border:1px solid transparent;white-space:nowrap;padding:8px 12px;font-size:15px;line-height:1.4;border-radius:0;-webkit-user-select:none;-moz-user-select:none;-ms-user-select:none;user-select:none}.btn:focus,.btn:active:focus,.btn.active:focus,.btn.focus,.btn:active.focus,.btn.active.focus{outline:thin dotted;outline:5px auto -webkit-focus-ring-color;outline-offset:-2px}.btn:hover,.btn:focus,.btn.focus{color:#333333;text-decoration:none}.btn:active,.btn.active{outline:0;background-image:none;-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn.disabled,.btn[disabled],fieldset[disabled] .btn{cursor:not-allowed;pointer-events:none;opacity:0.65;filter:alpha(opacity=65);-webkit-box-shadow:none;box-shadow:none}.btn-default{color:#333333;background-color:#e7e7e7;border-color:#cccccc}.btn-default:hover,.btn-default:focus,.btn-default.focus,.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{color:#333333;background-color:#cecece;border-color:#adadad}.btn-default:active,.btn-default.active,.open>.dropdown-toggle.btn-default{background-image:none}.btn-default.disabled,.btn-default[disabled],fieldset[disabled] .btn-default,.btn-default.disabled:hover,.btn-default[disabled]:hover,fieldset[disabled] .btn-default:hover,.btn-default.disabled:focus,.btn-default[disabled]:focus,fieldset[disabled] .btn-default:focus,.btn-default.disabled.focus,.btn-default[disabled].focus,fieldset[disabled] .btn-default.focus,.btn-default.disabled:active,.btn-default[disabled]:active,fieldset[disabled] .btn-default:active,.btn-default.disabled.active,.btn-default[disabled].active,fieldset[disabled] .btn-default.active{background-color:#e7e7e7;border-color:#cccccc}.btn-default .badge{color:#e7e7e7;background-color:#333333}.btn-primary{color:#ffffff;background-color:#008cba;border-color:#0079a1}.btn-primary:hover,.btn-primary:focus,.btn-primary.focus,.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{color:#ffffff;background-color:#006687;border-color:#004b63}.btn-primary:active,.btn-primary.active,.open>.dropdown-toggle.btn-primary{background-image:none}.btn-primary.disabled,.btn-primary[disabled],fieldset[disabled] .btn-primary,.btn-primary.disabled:hover,.btn-primary[disabled]:hover,fieldset[disabled] .btn-primary:hover,.btn-primary.disabled:focus,.btn-primary[disabled]:focus,fieldset[disabled] .btn-primary:focus,.btn-primary.disabled.focus,.btn-primary[disabled].focus,fieldset[disabled] .btn-primary.focus,.btn-primary.disabled:active,.btn-primary[disabled]:active,fieldset[disabled] .btn-primary:active,.btn-primary.disabled.active,.btn-primary[disabled].active,fieldset[disabled] .btn-primary.active{background-color:#008cba;border-color:#0079a1}.btn-primary .badge{color:#008cba;background-color:#ffffff}.btn-success{color:#ffffff;background-color:#43ac6a;border-color:#3c9a5f}.btn-success:hover,.btn-success:focus,.btn-success.focus,.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{color:#ffffff;background-color:#358753;border-color:#2b6e44}.btn-success:active,.btn-success.active,.open>.dropdown-toggle.btn-success{background-image:none}.btn-success.disabled,.btn-success[disabled],fieldset[disabled] .btn-success,.btn-success.disabled:hover,.btn-success[disabled]:hover,fieldset[disabled] .btn-success:hover,.btn-success.disabled:focus,.btn-success[disabled]:focus,fieldset[disabled] .btn-success:focus,.btn-success.disabled.focus,.btn-success[disabled].focus,fieldset[disabled] .btn-success.focus,.btn-success.disabled:active,.btn-success[disabled]:active,fieldset[disabled] .btn-success:active,.btn-success.disabled.active,.btn-success[disabled].active,fieldset[disabled] .btn-success.active{background-color:#43ac6a;border-color:#3c9a5f}.btn-success .badge{color:#43ac6a;background-color:#ffffff}.btn-info{color:#ffffff;background-color:#5bc0de;border-color:#46b8da}.btn-info:hover,.btn-info:focus,.btn-info.focus,.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{color:#ffffff;background-color:#31b0d5;border-color:#269abc}.btn-info:active,.btn-info.active,.open>.dropdown-toggle.btn-info{background-image:none}.btn-info.disabled,.btn-info[disabled],fieldset[disabled] .btn-info,.btn-info.disabled:hover,.btn-info[disabled]:hover,fieldset[disabled] .btn-info:hover,.btn-info.disabled:focus,.btn-info[disabled]:focus,fieldset[disabled] .btn-info:focus,.btn-info.disabled.focus,.btn-info[disabled].focus,fieldset[disabled] .btn-info.focus,.btn-info.disabled:active,.btn-info[disabled]:active,fieldset[disabled] .btn-info:active,.btn-info.disabled.active,.btn-info[disabled].active,fieldset[disabled] .btn-info.active{background-color:#5bc0de;border-color:#46b8da}.btn-info .badge{color:#5bc0de;background-color:#ffffff}.btn-warning{color:#ffffff;background-color:#e99002;border-color:#d08002}.btn-warning:hover,.btn-warning:focus,.btn-warning.focus,.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{color:#ffffff;background-color:#b67102;border-color:#935b01}.btn-warning:active,.btn-warning.active,.open>.dropdown-toggle.btn-warning{background-image:none}.btn-warning.disabled,.btn-warning[disabled],fieldset[disabled] .btn-warning,.btn-warning.disabled:hover,.btn-warning[disabled]:hover,fieldset[disabled] .btn-warning:hover,.btn-warning.disabled:focus,.btn-warning[disabled]:focus,fieldset[disabled] .btn-warning:focus,.btn-warning.disabled.focus,.btn-warning[disabled].focus,fieldset[disabled] .btn-warning.focus,.btn-warning.disabled:active,.btn-warning[disabled]:active,fieldset[disabled] .btn-warning:active,.btn-warning.disabled.active,.btn-warning[disabled].active,fieldset[disabled] .btn-warning.active{background-color:#e99002;border-color:#d08002}.btn-warning .badge{color:#e99002;background-color:#ffffff}.btn-danger{color:#ffffff;background-color:#f04124;border-color:#ea2f10}.btn-danger:hover,.btn-danger:focus,.btn-danger.focus,.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{color:#ffffff;background-color:#d32a0e;border-color:#b1240c}.btn-danger:active,.btn-danger.active,.open>.dropdown-toggle.btn-danger{background-image:none}.btn-danger.disabled,.btn-danger[disabled],fieldset[disabled] .btn-danger,.btn-danger.disabled:hover,.btn-danger[disabled]:hover,fieldset[disabled] .btn-danger:hover,.btn-danger.disabled:focus,.btn-danger[disabled]:focus,fieldset[disabled] .btn-danger:focus,.btn-danger.disabled.focus,.btn-danger[disabled].focus,fieldset[disabled] .btn-danger.focus,.btn-danger.disabled:active,.btn-danger[disabled]:active,fieldset[disabled] .btn-danger:active,.btn-danger.disabled.active,.btn-danger[disabled].active,fieldset[disabled] .btn-danger.active{background-color:#f04124;border-color:#ea2f10}.btn-danger .badge{color:#f04124;background-color:#ffffff}.btn-link{color:#008cba;font-weight:normal;border-radius:0}.btn-link,.btn-link:active,.btn-link.active,.btn-link[disabled],fieldset[disabled] .btn-link{background-color:transparent;-webkit-box-shadow:none;box-shadow:none}.btn-link,.btn-link:hover,.btn-link:focus,.btn-link:active{border-color:transparent}.btn-link:hover,.btn-link:focus{color:#008cba;text-decoration:underline;background-color:transparent}.btn-link[disabled]:hover,fieldset[disabled] .btn-link:hover,.btn-link[disabled]:focus,fieldset[disabled] .btn-link:focus{color:#999999;text-decoration:none}.btn-lg,.btn-group-lg>.btn{padding:16px 20px;font-size:19px;line-height:1.3333333;border-radius:0}.btn-sm,.btn-group-sm>.btn{padding:8px 12px;font-size:12px;line-height:1.5;border-radius:0}.btn-xs,.btn-group-xs>.btn{padding:4px 6px;font-size:12px;line-height:1.5;border-radius:0}.btn-block{display:block;width:100%}.btn-block+.btn-block{margin-top:5px}input[type="submit"].btn-block,input[type="reset"].btn-block,input[type="button"].btn-block{width:100%}.fade{opacity:0;-webkit-transition:opacity 0.15s linear;-o-transition:opacity 0.15s linear;transition:opacity 0.15s linear}.fade.in{opacity:1}.collapse{display:none}.collapse.in{display:block}tr.collapse.in{display:table-row}tbody.collapse.in{display:table-row-group}.collapsing{position:relative;height:0;overflow:hidden;-webkit-transition-property:height, visibility;-o-transition-property:height, visibility;transition-property:height, visibility;-webkit-transition-duration:0.35s;-o-transition-duration:0.35s;transition-duration:0.35s;-webkit-transition-timing-function:ease;-o-transition-timing-function:ease;transition-timing-function:ease}.caret{display:inline-block;width:0;height:0;margin-left:2px;vertical-align:middle;border-top:4px dashed;border-right:4px solid transparent;border-left:4px solid transparent}.dropup,.dropdown{position:relative}.dropdown-toggle:focus{outline:0}.dropdown-menu{position:absolute;top:100%;left:0;z-index:1000;display:none;float:left;min-width:160px;padding:5px 0;margin:2px 0 0;list-style:none;font-size:15px;text-align:left;background-color:#ffffff;border:1px solid #cccccc;border:1px solid rgba(0,0,0,0.15);border-radius:0;-webkit-box-shadow:0 6px 12px rgba(0,0,0,0.175);box-shadow:0 6px 12px rgba(0,0,0,0.175);-webkit-background-clip:padding-box;background-clip:padding-box}.dropdown-menu.pull-right{right:0;left:auto}.dropdown-menu .divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:rgba(0,0,0,0.2)}.dropdown-menu>li>a{display:block;padding:3px 20px;clear:both;font-weight:normal;line-height:1.4;color:#555555;white-space:nowrap}.dropdown-menu>li>a:hover,.dropdown-menu>li>a:focus{text-decoration:none;color:#262626;background-color:#eeeeee}.dropdown-menu>.active>a,.dropdown-menu>.active>a:hover,.dropdown-menu>.active>a:focus{color:#ffffff;text-decoration:none;outline:0;background-color:#008cba}.dropdown-menu>.disabled>a,.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{color:#999999}.dropdown-menu>.disabled>a:hover,.dropdown-menu>.disabled>a:focus{text-decoration:none;background-color:transparent;background-image:none;filter:progid:DXImageTransform.Microsoft.gradient(enabled=false);cursor:not-allowed}.open>.dropdown-menu{display:block}.open>a{outline:0}.dropdown-menu-right{left:auto;right:0}.dropdown-menu-left{left:0;right:auto}.dropdown-header{display:block;padding:3px 20px;font-size:12px;line-height:1.4;color:#999999;white-space:nowrap}.dropdown-backdrop{position:fixed;left:0;right:0;bottom:0;top:0;z-index:990}.pull-right>.dropdown-menu{right:0;left:auto}.dropup .caret,.navbar-fixed-bottom .dropdown .caret{border-top:0;border-bottom:4px solid;content:""}.dropup .dropdown-menu,.navbar-fixed-bottom .dropdown .dropdown-menu{top:auto;bottom:100%;margin-bottom:2px}@media (min-width:768px){.navbar-right .dropdown-menu{left:auto;right:0}.navbar-right .dropdown-menu-left{left:0;right:auto}}.btn-group,.btn-group-vertical{position:relative;display:inline-block;vertical-align:middle}.btn-group>.btn,.btn-group-vertical>.btn{position:relative;float:left}.btn-group>.btn:hover,.btn-group-vertical>.btn:hover,.btn-group>.btn:focus,.btn-group-vertical>.btn:focus,.btn-group>.btn:active,.btn-group-vertical>.btn:active,.btn-group>.btn.active,.btn-group-vertical>.btn.active{z-index:2}.btn-group .btn+.btn,.btn-group .btn+.btn-group,.btn-group .btn-group+.btn,.btn-group .btn-group+.btn-group{margin-left:-1px}.btn-toolbar{margin-left:-5px}.btn-toolbar .btn-group,.btn-toolbar .input-group{float:left}.btn-toolbar>.btn,.btn-toolbar>.btn-group,.btn-toolbar>.input-group{margin-left:5px}.btn-group>.btn:not(:first-child):not(:last-child):not(.dropdown-toggle){border-radius:0}.btn-group>.btn:first-child{margin-left:0}.btn-group>.btn:first-child:not(:last-child):not(.dropdown-toggle){border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn:last-child:not(:first-child),.btn-group>.dropdown-toggle:not(:first-child){border-bottom-left-radius:0;border-top-left-radius:0}.btn-group>.btn-group{float:left}.btn-group>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-top-right-radius:0}.btn-group>.btn-group:last-child:not(:first-child)>.btn:first-child{border-bottom-left-radius:0;border-top-left-radius:0}.btn-group .dropdown-toggle:active,.btn-group.open .dropdown-toggle{outline:0}.btn-group>.btn+.dropdown-toggle{padding-left:8px;padding-right:8px}.btn-group>.btn-lg+.dropdown-toggle{padding-left:12px;padding-right:12px}.btn-group.open .dropdown-toggle{-webkit-box-shadow:inset 0 3px 5px rgba(0,0,0,0.125);box-shadow:inset 0 3px 5px rgba(0,0,0,0.125)}.btn-group.open .dropdown-toggle.btn-link{-webkit-box-shadow:none;box-shadow:none}.btn .caret{margin-left:0}.btn-lg .caret{border-width:5px 5px 0;border-bottom-width:0}.dropup .btn-lg .caret{border-width:0 5px 5px}.btn-group-vertical>.btn,.btn-group-vertical>.btn-group,.btn-group-vertical>.btn-group>.btn{display:block;float:none;width:100%;max-width:100%}.btn-group-vertical>.btn-group>.btn{float:none}.btn-group-vertical>.btn+.btn,.btn-group-vertical>.btn+.btn-group,.btn-group-vertical>.btn-group+.btn,.btn-group-vertical>.btn-group+.btn-group{margin-top:-1px;margin-left:0}.btn-group-vertical>.btn:not(:first-child):not(:last-child){border-radius:0}.btn-group-vertical>.btn:first-child:not(:last-child){border-top-right-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn:last-child:not(:first-child){border-bottom-left-radius:0;border-top-right-radius:0;border-top-left-radius:0}.btn-group-vertical>.btn-group:not(:first-child):not(:last-child)>.btn{border-radius:0}.btn-group-vertical>.btn-group:first-child:not(:last-child)>.btn:last-child,.btn-group-vertical>.btn-group:first-child:not(:last-child)>.dropdown-toggle{border-bottom-right-radius:0;border-bottom-left-radius:0}.btn-group-vertical>.btn-group:last-child:not(:first-child)>.btn:first-child{border-top-right-radius:0;border-top-left-radius:0}.btn-group-justified{display:table;width:100%;table-layout:fixed;border-collapse:separate}.btn-group-justified>.btn,.btn-group-justified>.btn-group{float:none;display:table-cell;width:1%}.btn-group-justified>.btn-group .btn{width:100%}.btn-group-justified>.btn-group .dropdown-menu{left:auto}[data-toggle="buttons"]>.btn input[type="radio"],[data-toggle="buttons"]>.btn-group>.btn input[type="radio"],[data-toggle="buttons"]>.btn input[type="checkbox"],[data-toggle="buttons"]>.btn-group>.btn input[type="checkbox"]{position:absolute;clip:rect(0, 0, 0, 0);pointer-events:none}.input-group{position:relative;display:table;border-collapse:separate}.input-group[class*="col-"]{float:none;padding-left:0;padding-right:0}.input-group .form-control{position:relative;z-index:2;float:left;width:100%;margin-bottom:0}.input-group-lg>.form-control,.input-group-lg>.input-group-addon,.input-group-lg>.input-group-btn>.btn{height:60px;padding:16px 20px;font-size:19px;line-height:1.3333333;border-radius:0}select.input-group-lg>.form-control,select.input-group-lg>.input-group-addon,select.input-group-lg>.input-group-btn>.btn{height:60px;line-height:60px}textarea.input-group-lg>.form-control,textarea.input-group-lg>.input-group-addon,textarea.input-group-lg>.input-group-btn>.btn,select[multiple].input-group-lg>.form-control,select[multiple].input-group-lg>.input-group-addon,select[multiple].input-group-lg>.input-group-btn>.btn{height:auto}.input-group-sm>.form-control,.input-group-sm>.input-group-addon,.input-group-sm>.input-group-btn>.btn{height:36px;padding:8px 12px;font-size:12px;line-height:1.5;border-radius:0}select.input-group-sm>.form-control,select.input-group-sm>.input-group-addon,select.input-group-sm>.input-group-btn>.btn{height:36px;line-height:36px}textarea.input-group-sm>.form-control,textarea.input-group-sm>.input-group-addon,textarea.input-group-sm>.input-group-btn>.btn,select[multiple].input-group-sm>.form-control,select[multiple].input-group-sm>.input-group-addon,select[multiple].input-group-sm>.input-group-btn>.btn{height:auto}.input-group-addon,.input-group-btn,.input-group .form-control{display:table-cell}.input-group-addon:not(:first-child):not(:last-child),.input-group-btn:not(:first-child):not(:last-child),.input-group .form-control:not(:first-child):not(:last-child){border-radius:0}.input-group-addon,.input-group-btn{width:1%;white-space:nowrap;vertical-align:middle}.input-group-addon{padding:8px 12px;font-size:15px;font-weight:normal;line-height:1;color:#6f6f6f;text-align:center;background-color:#eeeeee;border:1px solid #cccccc;border-radius:0}.input-group-addon.input-sm{padding:8px 12px;font-size:12px;border-radius:0}.input-group-addon.input-lg{padding:16px 20px;font-size:19px;border-radius:0}.input-group-addon input[type="radio"],.input-group-addon input[type="checkbox"]{margin-top:0}.input-group .form-control:first-child,.input-group-addon:first-child,.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group>.btn,.input-group-btn:first-child>.dropdown-toggle,.input-group-btn:last-child>.btn:not(:last-child):not(.dropdown-toggle),.input-group-btn:last-child>.btn-group:not(:last-child)>.btn{border-bottom-right-radius:0;border-top-right-radius:0}.input-group-addon:first-child{border-right:0}.input-group .form-control:last-child,.input-group-addon:last-child,.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group>.btn,.input-group-btn:last-child>.dropdown-toggle,.input-group-btn:first-child>.btn:not(:first-child),.input-group-btn:first-child>.btn-group:not(:first-child)>.btn{border-bottom-left-radius:0;border-top-left-radius:0}.input-group-addon:last-child{border-left:0}.input-group-btn{position:relative;font-size:0;white-space:nowrap}.input-group-btn>.btn{position:relative}.input-group-btn>.btn+.btn{margin-left:-1px}.input-group-btn>.btn:hover,.input-group-btn>.btn:focus,.input-group-btn>.btn:active{z-index:2}.input-group-btn:first-child>.btn,.input-group-btn:first-child>.btn-group{margin-right:-1px}.input-group-btn:last-child>.btn,.input-group-btn:last-child>.btn-group{margin-left:-1px}.nav{margin-bottom:0;padding-left:0;list-style:none}.nav>li{position:relative;display:block}.nav>li>a{position:relative;display:block;padding:10px 15px}.nav>li>a:hover,.nav>li>a:focus{text-decoration:none;background-color:#eeeeee}.nav>li.disabled>a{color:#999999}.nav>li.disabled>a:hover,.nav>li.disabled>a:focus{color:#999999;text-decoration:none;background-color:transparent;cursor:not-allowed}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{background-color:#eeeeee;border-color:#008cba}.nav .nav-divider{height:1px;margin:9.5px 0;overflow:hidden;background-color:#e5e5e5}.nav>li>a>img{max-width:none}.nav-tabs{border-bottom:1px solid #dddddd}.nav-tabs>li{float:left;margin-bottom:-1px}.nav-tabs>li>a{margin-right:2px;line-height:1.4;border:1px solid transparent;border-radius:0 0 0 0}.nav-tabs>li>a:hover{border-color:#eeeeee #eeeeee #dddddd}.nav-tabs>li.active>a,.nav-tabs>li.active>a:hover,.nav-tabs>li.active>a:focus{color:#6f6f6f;background-color:#ffffff;border:1px solid #dddddd;border-bottom-color:transparent;cursor:default}.nav-tabs.nav-justified{width:100%;border-bottom:0}.nav-tabs.nav-justified>li{float:none}.nav-tabs.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-tabs.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-tabs.nav-justified>li{display:table-cell;width:1%}.nav-tabs.nav-justified>li>a{margin-bottom:0}}.nav-tabs.nav-justified>li>a{margin-right:0;border-radius:0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs.nav-justified>li>a{border-bottom:1px solid #dddddd;border-radius:0 0 0 0}.nav-tabs.nav-justified>.active>a,.nav-tabs.nav-justified>.active>a:hover,.nav-tabs.nav-justified>.active>a:focus{border-bottom-color:#ffffff}}.nav-pills>li{float:left}.nav-pills>li>a{border-radius:0}.nav-pills>li+li{margin-left:2px}.nav-pills>li.active>a,.nav-pills>li.active>a:hover,.nav-pills>li.active>a:focus{color:#ffffff;background-color:#008cba}.nav-stacked>li{float:none}.nav-stacked>li+li{margin-top:2px;margin-left:0}.nav-justified{width:100%}.nav-justified>li{float:none}.nav-justified>li>a{text-align:center;margin-bottom:5px}.nav-justified>.dropdown .dropdown-menu{top:auto;left:auto}@media (min-width:768px){.nav-justified>li{display:table-cell;width:1%}.nav-justified>li>a{margin-bottom:0}}.nav-tabs-justified{border-bottom:0}.nav-tabs-justified>li>a{margin-right:0;border-radius:0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border:1px solid #dddddd}@media (min-width:768px){.nav-tabs-justified>li>a{border-bottom:1px solid #dddddd;border-radius:0 0 0 0}.nav-tabs-justified>.active>a,.nav-tabs-justified>.active>a:hover,.nav-tabs-justified>.active>a:focus{border-bottom-color:#ffffff}}.tab-content>.tab-pane{display:none}.tab-content>.active{display:block}.nav-tabs .dropdown-menu{margin-top:-1px;border-top-right-radius:0;border-top-left-radius:0}.navbar{position:relative;min-height:45px;margin-bottom:21px;border:1px solid transparent}@media (min-width:768px){.navbar{border-radius:0}}@media (min-width:768px){.navbar-header{float:left}}.navbar-collapse{overflow-x:visible;padding-right:15px;padding-left:15px;border-top:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1);-webkit-overflow-scrolling:touch}.navbar-collapse.in{overflow-y:auto}@media (min-width:768px){.navbar-collapse{width:auto;border-top:0;-webkit-box-shadow:none;box-shadow:none}.navbar-collapse.collapse{display:block !important;height:auto !important;padding-bottom:0;overflow:visible !important}.navbar-collapse.in{overflow-y:visible}.navbar-fixed-top .navbar-collapse,.navbar-static-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{padding-left:0;padding-right:0}}.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:340px}@media (max-device-width:480px) and (orientation:landscape){.navbar-fixed-top .navbar-collapse,.navbar-fixed-bottom .navbar-collapse{max-height:200px}}.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:-15px;margin-left:-15px}@media (min-width:768px){.container>.navbar-header,.container-fluid>.navbar-header,.container>.navbar-collapse,.container-fluid>.navbar-collapse{margin-right:0;margin-left:0}}.navbar-static-top{z-index:1000;border-width:0 0 1px}@media (min-width:768px){.navbar-static-top{border-radius:0}}.navbar-fixed-top,.navbar-fixed-bottom{position:fixed;right:0;left:0;z-index:1030}@media (min-width:768px){.navbar-fixed-top,.navbar-fixed-bottom{border-radius:0}}.navbar-fixed-top{top:0;border-width:0 0 1px}.navbar-fixed-bottom{bottom:0;margin-bottom:0;border-width:1px 0 0}.navbar-brand{float:left;padding:12px 15px;font-size:19px;line-height:21px;height:45px}.navbar-brand:hover,.navbar-brand:focus{text-decoration:none}.navbar-brand>img{display:block}@media (min-width:768px){.navbar>.container .navbar-brand,.navbar>.container-fluid .navbar-brand{margin-left:-15px}}.navbar-toggle{position:relative;float:right;margin-right:15px;padding:9px 10px;margin-top:5.5px;margin-bottom:5.5px;background-color:transparent;background-image:none;border:1px solid transparent;border-radius:0}.navbar-toggle:focus{outline:0}.navbar-toggle .icon-bar{display:block;width:22px;height:2px;border-radius:1px}.navbar-toggle .icon-bar+.icon-bar{margin-top:4px}@media (min-width:768px){.navbar-toggle{display:none}}.navbar-nav{margin:6px -15px}.navbar-nav>li>a{padding-top:10px;padding-bottom:10px;line-height:21px}@media (max-width:767px){.navbar-nav .open .dropdown-menu{position:static;float:none;width:auto;margin-top:0;background-color:transparent;border:0;-webkit-box-shadow:none;box-shadow:none}.navbar-nav .open .dropdown-menu>li>a,.navbar-nav .open .dropdown-menu .dropdown-header{padding:5px 15px 5px 25px}.navbar-nav .open .dropdown-menu>li>a{line-height:21px}.navbar-nav .open .dropdown-menu>li>a:hover,.navbar-nav .open .dropdown-menu>li>a:focus{background-image:none}}@media (min-width:768px){.navbar-nav{float:left;margin:0}.navbar-nav>li{float:left}.navbar-nav>li>a{padding-top:12px;padding-bottom:12px}}.navbar-form{margin-left:-15px;margin-right:-15px;padding:10px 15px;border-top:1px solid transparent;border-bottom:1px solid transparent;-webkit-box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);box-shadow:inset 0 1px 0 rgba(255,255,255,0.1),0 1px 0 rgba(255,255,255,0.1);margin-top:3px;margin-bottom:3px}@media (min-width:768px){.navbar-form .form-group{display:inline-block;margin-bottom:0;vertical-align:middle}.navbar-form .form-control{display:inline-block;width:auto;vertical-align:middle}.navbar-form .form-control-static{display:inline-block}.navbar-form .input-group{display:inline-table;vertical-align:middle}.navbar-form .input-group .input-group-addon,.navbar-form .input-group .input-group-btn,.navbar-form .input-group .form-control{width:auto}.navbar-form .input-group>.form-control{width:100%}.navbar-form .control-label{margin-bottom:0;vertical-align:middle}.navbar-form .radio,.navbar-form .checkbox{display:inline-block;margin-top:0;margin-bottom:0;vertical-align:middle}.navbar-form .radio label,.navbar-form .checkbox label{padding-left:0}.navbar-form .radio input[type="radio"],.navbar-form .checkbox input[type="checkbox"]{position:relative;margin-left:0}.navbar-form .has-feedback .form-control-feedback{top:0}}@media (max-width:767px){.navbar-form .form-group{margin-bottom:5px}.navbar-form .form-group:last-child{margin-bottom:0}}@media (min-width:768px){.navbar-form{width:auto;border:0;margin-left:0;margin-right:0;padding-top:0;padding-bottom:0;-webkit-box-shadow:none;box-shadow:none}}.navbar-nav>li>.dropdown-menu{margin-top:0;border-top-right-radius:0;border-top-left-radius:0}.navbar-fixed-bottom .navbar-nav>li>.dropdown-menu{margin-bottom:0;border-top-right-radius:0;border-top-left-radius:0;border-bottom-right-radius:0;border-bottom-left-radius:0}.navbar-btn{margin-top:3px;margin-bottom:3px}.navbar-btn.btn-sm{margin-top:4.5px;margin-bottom:4.5px}.navbar-btn.btn-xs{margin-top:11.5px;margin-bottom:11.5px}.navbar-text{margin-top:12px;margin-bottom:12px}@media (min-width:768px){.navbar-text{float:left;margin-left:15px;margin-right:15px}}@media (min-width:768px){.navbar-left{float:left !important}.navbar-right{float:right !important;margin-right:-15px}.navbar-right~.navbar-right{margin-right:0}}.navbar-default{background-color:#333333;border-color:#222222}.navbar-default .navbar-brand{color:#ffffff}.navbar-default .navbar-brand:hover,.navbar-default .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-default .navbar-text{color:#ffffff}.navbar-default .navbar-nav>li>a{color:#ffffff}.navbar-default .navbar-nav>li>a:hover,.navbar-default .navbar-nav>li>a:focus{color:#ffffff;background-color:#272727}.navbar-default .navbar-nav>.active>a,.navbar-default .navbar-nav>.active>a:hover,.navbar-default .navbar-nav>.active>a:focus{color:#ffffff;background-color:#272727}.navbar-default .navbar-nav>.disabled>a,.navbar-default .navbar-nav>.disabled>a:hover,.navbar-default .navbar-nav>.disabled>a:focus{color:#cccccc;background-color:transparent}.navbar-default .navbar-toggle{border-color:transparent}.navbar-default .navbar-toggle:hover,.navbar-default .navbar-toggle:focus{background-color:transparent}.navbar-default .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-default .navbar-collapse,.navbar-default .navbar-form{border-color:#222222}.navbar-default .navbar-nav>.open>a,.navbar-default .navbar-nav>.open>a:hover,.navbar-default .navbar-nav>.open>a:focus{background-color:#272727;color:#ffffff}@media (max-width:767px){.navbar-default .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-default .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#272727}.navbar-default .navbar-nav .open .dropdown-menu>.active>a,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#272727}.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-default .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#cccccc;background-color:transparent}}.navbar-default .navbar-link{color:#ffffff}.navbar-default .navbar-link:hover{color:#ffffff}.navbar-default .btn-link{color:#ffffff}.navbar-default .btn-link:hover,.navbar-default .btn-link:focus{color:#ffffff}.navbar-default .btn-link[disabled]:hover,fieldset[disabled] .navbar-default .btn-link:hover,.navbar-default .btn-link[disabled]:focus,fieldset[disabled] .navbar-default .btn-link:focus{color:#cccccc}.navbar-inverse{background-color:#008cba;border-color:#006687}.navbar-inverse .navbar-brand{color:#ffffff}.navbar-inverse .navbar-brand:hover,.navbar-inverse .navbar-brand:focus{color:#ffffff;background-color:transparent}.navbar-inverse .navbar-text{color:#ffffff}.navbar-inverse .navbar-nav>li>a{color:#ffffff}.navbar-inverse .navbar-nav>li>a:hover,.navbar-inverse .navbar-nav>li>a:focus{color:#ffffff;background-color:#006687}.navbar-inverse .navbar-nav>.active>a,.navbar-inverse .navbar-nav>.active>a:hover,.navbar-inverse .navbar-nav>.active>a:focus{color:#ffffff;background-color:#006687}.navbar-inverse .navbar-nav>.disabled>a,.navbar-inverse .navbar-nav>.disabled>a:hover,.navbar-inverse .navbar-nav>.disabled>a:focus{color:#444444;background-color:transparent}.navbar-inverse .navbar-toggle{border-color:transparent}.navbar-inverse .navbar-toggle:hover,.navbar-inverse .navbar-toggle:focus{background-color:transparent}.navbar-inverse .navbar-toggle .icon-bar{background-color:#ffffff}.navbar-inverse .navbar-collapse,.navbar-inverse .navbar-form{border-color:#007196}.navbar-inverse .navbar-nav>.open>a,.navbar-inverse .navbar-nav>.open>a:hover,.navbar-inverse .navbar-nav>.open>a:focus{background-color:#006687;color:#ffffff}@media (max-width:767px){.navbar-inverse .navbar-nav .open .dropdown-menu>.dropdown-header{border-color:#006687}.navbar-inverse .navbar-nav .open .dropdown-menu .divider{background-color:#006687}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a{color:#ffffff}.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>li>a:focus{color:#ffffff;background-color:#006687}.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.active>a:focus{color:#ffffff;background-color:#006687}.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:hover,.navbar-inverse .navbar-nav .open .dropdown-menu>.disabled>a:focus{color:#444444;background-color:transparent}}.navbar-inverse .navbar-link{color:#ffffff}.navbar-inverse .navbar-link:hover{color:#ffffff}.navbar-inverse .btn-link{color:#ffffff}.navbar-inverse .btn-link:hover,.navbar-inverse .btn-link:focus{color:#ffffff}.navbar-inverse .btn-link[disabled]:hover,fieldset[disabled] .navbar-inverse .btn-link:hover,.navbar-inverse .btn-link[disabled]:focus,fieldset[disabled] .navbar-inverse .btn-link:focus{color:#444444}.breadcrumb{padding:8px 15px;margin-bottom:21px;list-style:none;background-color:#f5f5f5;border-radius:0}.breadcrumb>li{display:inline-block}.breadcrumb>li+li:before{content:"/\00a0";padding:0 5px;color:#999999}.breadcrumb>.active{color:#333333}.pagination{display:inline-block;padding-left:0;margin:21px 0;border-radius:0}.pagination>li{display:inline}.pagination>li>a,.pagination>li>span{position:relative;float:left;padding:8px 12px;line-height:1.4;text-decoration:none;color:#008cba;background-color:transparent;border:1px solid transparent;margin-left:-1px}.pagination>li:first-child>a,.pagination>li:first-child>span{margin-left:0;border-bottom-left-radius:0;border-top-left-radius:0}.pagination>li:last-child>a,.pagination>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination>li>a:hover,.pagination>li>span:hover,.pagination>li>a:focus,.pagination>li>span:focus{color:#008cba;background-color:#eeeeee;border-color:transparent}.pagination>.active>a,.pagination>.active>span,.pagination>.active>a:hover,.pagination>.active>span:hover,.pagination>.active>a:focus,.pagination>.active>span:focus{z-index:2;color:#ffffff;background-color:#008cba;border-color:transparent;cursor:default}.pagination>.disabled>span,.pagination>.disabled>span:hover,.pagination>.disabled>span:focus,.pagination>.disabled>a,.pagination>.disabled>a:hover,.pagination>.disabled>a:focus{color:#999999;background-color:#ffffff;border-color:transparent;cursor:not-allowed}.pagination-lg>li>a,.pagination-lg>li>span{padding:16px 20px;font-size:19px}.pagination-lg>li:first-child>a,.pagination-lg>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-lg>li:last-child>a,.pagination-lg>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pagination-sm>li>a,.pagination-sm>li>span{padding:8px 12px;font-size:12px}.pagination-sm>li:first-child>a,.pagination-sm>li:first-child>span{border-bottom-left-radius:0;border-top-left-radius:0}.pagination-sm>li:last-child>a,.pagination-sm>li:last-child>span{border-bottom-right-radius:0;border-top-right-radius:0}.pager{padding-left:0;margin:21px 0;list-style:none;text-align:center}.pager li{display:inline}.pager li>a,.pager li>span{display:inline-block;padding:5px 14px;background-color:transparent;border:1px solid transparent;border-radius:3px}.pager li>a:hover,.pager li>a:focus{text-decoration:none;background-color:#eeeeee}.pager .next>a,.pager .next>span{float:right}.pager .previous>a,.pager .previous>span{float:left}.pager .disabled>a,.pager .disabled>a:hover,.pager .disabled>a:focus,.pager .disabled>span{color:#999999;background-color:transparent;cursor:not-allowed}.label{display:inline;padding:.2em .6em .3em;font-size:75%;font-weight:bold;line-height:1;color:#ffffff;text-align:center;white-space:nowrap;vertical-align:baseline;border-radius:.25em}a.label:hover,a.label:focus{color:#ffffff;text-decoration:none;cursor:pointer}.label:empty{display:none}.btn .label{position:relative;top:-1px}.label-default{background-color:#999999}.label-default[href]:hover,.label-default[href]:focus{background-color:#808080}.label-primary{background-color:#008cba}.label-primary[href]:hover,.label-primary[href]:focus{background-color:#006687}.label-success{background-color:#43ac6a}.label-success[href]:hover,.label-success[href]:focus{background-color:#358753}.label-info{background-color:#5bc0de}.label-info[href]:hover,.label-info[href]:focus{background-color:#31b0d5}.label-warning{background-color:#e99002}.label-warning[href]:hover,.label-warning[href]:focus{background-color:#b67102}.label-danger{background-color:#f04124}.label-danger[href]:hover,.label-danger[href]:focus{background-color:#d32a0e}.badge{display:inline-block;min-width:10px;padding:3px 7px;font-size:12px;font-weight:bold;color:#ffffff;line-height:1;vertical-align:baseline;white-space:nowrap;text-align:center;background-color:#008cba;border-radius:10px}.badge:empty{display:none}.btn .badge{position:relative;top:-1px}.btn-xs .badge,.btn-group-xs>.btn .badge{top:0;padding:1px 5px}a.badge:hover,a.badge:focus{color:#ffffff;text-decoration:none;cursor:pointer}.list-group-item.active>.badge,.nav-pills>.active>a>.badge{color:#008cba;background-color:#ffffff}.list-group-item>.badge{float:right}.list-group-item>.badge+.badge{margin-right:5px}.nav-pills>li>a>.badge{margin-left:3px}.jumbotron{padding:30px 15px;margin-bottom:30px;color:inherit;background-color:#fafafa}.jumbotron h1,.jumbotron .h1{color:inherit}.jumbotron p{margin-bottom:15px;font-size:23px;font-weight:200}.jumbotron>hr{border-top-color:#e1e1e1}.container .jumbotron,.container-fluid .jumbotron{border-radius:0}.jumbotron .container{max-width:100%}@media screen and (min-width:768px){.jumbotron{padding:48px 0}.container .jumbotron,.container-fluid .jumbotron{padding-left:60px;padding-right:60px}.jumbotron h1,.jumbotron .h1{font-size:67.5px}}.thumbnail{display:block;padding:4px;margin-bottom:21px;line-height:1.4;background-color:#ffffff;border:1px solid #dddddd;border-radius:0;-webkit-transition:border .2s ease-in-out;-o-transition:border .2s ease-in-out;transition:border .2s ease-in-out}.thumbnail>img,.thumbnail a>img{margin-left:auto;margin-right:auto}a.thumbnail:hover,a.thumbnail:focus,a.thumbnail.active{border-color:#008cba}.thumbnail .caption{padding:9px;color:#222222}.alert{padding:15px;margin-bottom:21px;border:1px solid transparent;border-radius:0}.alert h4{margin-top:0;color:inherit}.alert .alert-link{font-weight:bold}.alert>p,.alert>ul{margin-bottom:0}.alert>p+p{margin-top:5px}.alert-dismissable,.alert-dismissible{padding-right:35px}.alert-dismissable .close,.alert-dismissible .close{position:relative;top:-2px;right:-21px;color:inherit}.alert-success{background-color:#43ac6a;border-color:#3c9a5f;color:#ffffff}.alert-success hr{border-top-color:#358753}.alert-success .alert-link{color:#e6e6e6}.alert-info{background-color:#5bc0de;border-color:#3db5d8;color:#ffffff}.alert-info hr{border-top-color:#2aabd2}.alert-info .alert-link{color:#e6e6e6}.alert-warning{background-color:#e99002;border-color:#d08002;color:#ffffff}.alert-warning hr{border-top-color:#b67102}.alert-warning .alert-link{color:#e6e6e6}.alert-danger{background-color:#f04124;border-color:#ea2f10;color:#ffffff}.alert-danger hr{border-top-color:#d32a0e}.alert-danger .alert-link{color:#e6e6e6}@-webkit-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@-o-keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}@keyframes progress-bar-stripes{from{background-position:40px 0}to{background-position:0 0}}.progress{overflow:hidden;height:21px;margin-bottom:21px;background-color:#f5f5f5;border-radius:0;-webkit-box-shadow:inset 0 1px 2px rgba(0,0,0,0.1);box-shadow:inset 0 1px 2px rgba(0,0,0,0.1)}.progress-bar{float:left;width:0%;height:100%;font-size:12px;line-height:21px;color:#ffffff;text-align:center;background-color:#008cba;-webkit-box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);box-shadow:inset 0 -1px 0 rgba(0,0,0,0.15);-webkit-transition:width 0.6s ease;-o-transition:width 0.6s ease;transition:width 0.6s ease}.progress-striped .progress-bar,.progress-bar-striped{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);-webkit-background-size:40px 40px;background-size:40px 40px}.progress.active .progress-bar,.progress-bar.active{-webkit-animation:progress-bar-stripes 2s linear infinite;-o-animation:progress-bar-stripes 2s linear infinite;animation:progress-bar-stripes 2s linear infinite}.progress-bar-success{background-color:#43ac6a}.progress-striped .progress-bar-success{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-info{background-color:#5bc0de}.progress-striped .progress-bar-info{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-warning{background-color:#e99002}.progress-striped .progress-bar-warning{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.progress-bar-danger{background-color:#f04124}.progress-striped .progress-bar-danger{background-image:-webkit-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:-o-linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent);background-image:linear-gradient(45deg, rgba(255,255,255,0.15) 25%, transparent 25%, transparent 50%, rgba(255,255,255,0.15) 50%, rgba(255,255,255,0.15) 75%, transparent 75%, transparent)}.media{margin-top:15px}.media:first-child{margin-top:0}.media,.media-body{zoom:1;overflow:hidden}.media-body{width:10000px}.media-object{display:block}.media-right,.media>.pull-right{padding-left:10px}.media-left,.media>.pull-left{padding-right:10px}.media-left,.media-right,.media-body{display:table-cell;vertical-align:top}.media-middle{vertical-align:middle}.media-bottom{vertical-align:bottom}.media-heading{margin-top:0;margin-bottom:5px}.media-list{padding-left:0;list-style:none}.list-group{margin-bottom:20px;padding-left:0}.list-group-item{position:relative;display:block;padding:10px 15px;margin-bottom:-1px;background-color:#ffffff;border:1px solid #dddddd}.list-group-item:first-child{border-top-right-radius:0;border-top-left-radius:0}.list-group-item:last-child{margin-bottom:0;border-bottom-right-radius:0;border-bottom-left-radius:0}a.list-group-item{color:#555555}a.list-group-item .list-group-item-heading{color:#333333}a.list-group-item:hover,a.list-group-item:focus{text-decoration:none;color:#555555;background-color:#f5f5f5}.list-group-item.disabled,.list-group-item.disabled:hover,.list-group-item.disabled:focus{background-color:#eeeeee;color:#999999;cursor:not-allowed}.list-group-item.disabled .list-group-item-heading,.list-group-item.disabled:hover .list-group-item-heading,.list-group-item.disabled:focus .list-group-item-heading{color:inherit}.list-group-item.disabled .list-group-item-text,.list-group-item.disabled:hover .list-group-item-text,.list-group-item.disabled:focus .list-group-item-text{color:#999999}.list-group-item.active,.list-group-item.active:hover,.list-group-item.active:focus{z-index:2;color:#ffffff;background-color:#008cba;border-color:#008cba}.list-group-item.active .list-group-item-heading,.list-group-item.active:hover .list-group-item-heading,.list-group-item.active:focus .list-group-item-heading,.list-group-item.active .list-group-item-heading>small,.list-group-item.active:hover .list-group-item-heading>small,.list-group-item.active:focus .list-group-item-heading>small,.list-group-item.active .list-group-item-heading>.small,.list-group-item.active:hover .list-group-item-heading>.small,.list-group-item.active:focus .list-group-item-heading>.small{color:inherit}.list-group-item.active .list-group-item-text,.list-group-item.active:hover .list-group-item-text,.list-group-item.active:focus .list-group-item-text{color:#87e1ff}.list-group-item-success{color:#43ac6a;background-color:#dff0d8}a.list-group-item-success{color:#43ac6a}a.list-group-item-success .list-group-item-heading{color:inherit}a.list-group-item-success:hover,a.list-group-item-success:focus{color:#43ac6a;background-color:#d0e9c6}a.list-group-item-success.active,a.list-group-item-success.active:hover,a.list-group-item-success.active:focus{color:#fff;background-color:#43ac6a;border-color:#43ac6a}.list-group-item-info{color:#5bc0de;background-color:#d9edf7}a.list-group-item-info{color:#5bc0de}a.list-group-item-info .list-group-item-heading{color:inherit}a.list-group-item-info:hover,a.list-group-item-info:focus{color:#5bc0de;background-color:#c4e3f3}a.list-group-item-info.active,a.list-group-item-info.active:hover,a.list-group-item-info.active:focus{color:#fff;background-color:#5bc0de;border-color:#5bc0de}.list-group-item-warning{color:#e99002;background-color:#fcf8e3}a.list-group-item-warning{color:#e99002}a.list-group-item-warning .list-group-item-heading{color:inherit}a.list-group-item-warning:hover,a.list-group-item-warning:focus{color:#e99002;background-color:#faf2cc}a.list-group-item-warning.active,a.list-group-item-warning.active:hover,a.list-group-item-warning.active:focus{color:#fff;background-color:#e99002;border-color:#e99002}.list-group-item-danger{color:#f04124;background-color:#f2dede}a.list-group-item-danger{color:#f04124}a.list-group-item-danger .list-group-item-heading{color:inherit}a.list-group-item-danger:hover,a.list-group-item-danger:focus{color:#f04124;background-color:#ebcccc}a.list-group-item-danger.active,a.list-group-item-danger.active:hover,a.list-group-item-danger.active:focus{color:#fff;background-color:#f04124;border-color:#f04124}.list-group-item-heading{margin-top:0;margin-bottom:5px}.list-group-item-text{margin-bottom:0;line-height:1.3}.panel{margin-bottom:21px;background-color:#ffffff;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 1px 1px rgba(0,0,0,0.05);box-shadow:0 1px 1px rgba(0,0,0,0.05)}.panel-body{padding:15px}.panel-heading{padding:10px 15px;border-bottom:1px solid transparent;border-top-right-radius:-1;border-top-left-radius:-1}.panel-heading>.dropdown .dropdown-toggle{color:inherit}.panel-title{margin-top:0;margin-bottom:0;font-size:17px;color:inherit}.panel-title>a,.panel-title>small,.panel-title>.small,.panel-title>small>a,.panel-title>.small>a{color:inherit}.panel-footer{padding:10px 15px;background-color:#f5f5f5;border-top:1px solid #dddddd;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.list-group,.panel>.panel-collapse>.list-group{margin-bottom:0}.panel>.list-group .list-group-item,.panel>.panel-collapse>.list-group .list-group-item{border-width:1px 0;border-radius:0}.panel>.list-group:first-child .list-group-item:first-child,.panel>.panel-collapse>.list-group:first-child .list-group-item:first-child{border-top:0;border-top-right-radius:-1;border-top-left-radius:-1}.panel>.list-group:last-child .list-group-item:last-child,.panel>.panel-collapse>.list-group:last-child .list-group-item:last-child{border-bottom:0;border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel-heading+.list-group .list-group-item:first-child{border-top-width:0}.list-group+.panel-footer{border-top-width:0}.panel>.table,.panel>.table-responsive>.table,.panel>.panel-collapse>.table{margin-bottom:0}.panel>.table caption,.panel>.table-responsive>.table caption,.panel>.panel-collapse>.table caption{padding-left:15px;padding-right:15px}.panel>.table:first-child,.panel>.table-responsive:first-child>.table:first-child{border-top-right-radius:-1;border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child{border-top-left-radius:-1;border-top-right-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:first-child,.panel>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:first-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:first-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:first-child{border-top-left-radius:-1}.panel>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child td:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child td:last-child,.panel>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>thead:first-child>tr:first-child th:last-child,.panel>.table:first-child>tbody:first-child>tr:first-child th:last-child,.panel>.table-responsive:first-child>.table:first-child>tbody:first-child>tr:first-child th:last-child{border-top-right-radius:-1}.panel>.table:last-child,.panel>.table-responsive:last-child>.table:last-child{border-bottom-right-radius:-1;border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child{border-bottom-left-radius:-1;border-bottom-right-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:first-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:first-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:first-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:first-child{border-bottom-left-radius:-1}.panel>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child td:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child td:last-child,.panel>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tbody:last-child>tr:last-child th:last-child,.panel>.table:last-child>tfoot:last-child>tr:last-child th:last-child,.panel>.table-responsive:last-child>.table:last-child>tfoot:last-child>tr:last-child th:last-child{border-bottom-right-radius:-1}.panel>.panel-body+.table,.panel>.panel-body+.table-responsive,.panel>.table+.panel-body,.panel>.table-responsive+.panel-body{border-top:1px solid #dddddd}.panel>.table>tbody:first-child>tr:first-child th,.panel>.table>tbody:first-child>tr:first-child td{border-top:0}.panel>.table-bordered,.panel>.table-responsive>.table-bordered{border:0}.panel>.table-bordered>thead>tr>th:first-child,.panel>.table-responsive>.table-bordered>thead>tr>th:first-child,.panel>.table-bordered>tbody>tr>th:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:first-child,.panel>.table-bordered>tfoot>tr>th:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:first-child,.panel>.table-bordered>thead>tr>td:first-child,.panel>.table-responsive>.table-bordered>thead>tr>td:first-child,.panel>.table-bordered>tbody>tr>td:first-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:first-child,.panel>.table-bordered>tfoot>tr>td:first-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:first-child{border-left:0}.panel>.table-bordered>thead>tr>th:last-child,.panel>.table-responsive>.table-bordered>thead>tr>th:last-child,.panel>.table-bordered>tbody>tr>th:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>th:last-child,.panel>.table-bordered>tfoot>tr>th:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>th:last-child,.panel>.table-bordered>thead>tr>td:last-child,.panel>.table-responsive>.table-bordered>thead>tr>td:last-child,.panel>.table-bordered>tbody>tr>td:last-child,.panel>.table-responsive>.table-bordered>tbody>tr>td:last-child,.panel>.table-bordered>tfoot>tr>td:last-child,.panel>.table-responsive>.table-bordered>tfoot>tr>td:last-child{border-right:0}.panel>.table-bordered>thead>tr:first-child>td,.panel>.table-responsive>.table-bordered>thead>tr:first-child>td,.panel>.table-bordered>tbody>tr:first-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>td,.panel>.table-bordered>thead>tr:first-child>th,.panel>.table-responsive>.table-bordered>thead>tr:first-child>th,.panel>.table-bordered>tbody>tr:first-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:first-child>th{border-bottom:0}.panel>.table-bordered>tbody>tr:last-child>td,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>td,.panel>.table-bordered>tfoot>tr:last-child>td,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>td,.panel>.table-bordered>tbody>tr:last-child>th,.panel>.table-responsive>.table-bordered>tbody>tr:last-child>th,.panel>.table-bordered>tfoot>tr:last-child>th,.panel>.table-responsive>.table-bordered>tfoot>tr:last-child>th{border-bottom:0}.panel>.table-responsive{border:0;margin-bottom:0}.panel-group{margin-bottom:21px}.panel-group .panel{margin-bottom:0;border-radius:0}.panel-group .panel+.panel{margin-top:5px}.panel-group .panel-heading{border-bottom:0}.panel-group .panel-heading+.panel-collapse>.panel-body,.panel-group .panel-heading+.panel-collapse>.list-group{border-top:1px solid #dddddd}.panel-group .panel-footer{border-top:0}.panel-group .panel-footer+.panel-collapse .panel-body{border-bottom:1px solid #dddddd}.panel-default{border-color:#dddddd}.panel-default>.panel-heading{color:#333333;background-color:#f5f5f5;border-color:#dddddd}.panel-default>.panel-heading+.panel-collapse>.panel-body{border-top-color:#dddddd}.panel-default>.panel-heading .badge{color:#f5f5f5;background-color:#333333}.panel-default>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#dddddd}.panel-primary{border-color:#008cba}.panel-primary>.panel-heading{color:#ffffff;background-color:#008cba;border-color:#008cba}.panel-primary>.panel-heading+.panel-collapse>.panel-body{border-top-color:#008cba}.panel-primary>.panel-heading .badge{color:#008cba;background-color:#ffffff}.panel-primary>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#008cba}.panel-success{border-color:#3c9a5f}.panel-success>.panel-heading{color:#ffffff;background-color:#43ac6a;border-color:#3c9a5f}.panel-success>.panel-heading+.panel-collapse>.panel-body{border-top-color:#3c9a5f}.panel-success>.panel-heading .badge{color:#43ac6a;background-color:#ffffff}.panel-success>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#3c9a5f}.panel-info{border-color:#3db5d8}.panel-info>.panel-heading{color:#ffffff;background-color:#5bc0de;border-color:#3db5d8}.panel-info>.panel-heading+.panel-collapse>.panel-body{border-top-color:#3db5d8}.panel-info>.panel-heading .badge{color:#5bc0de;background-color:#ffffff}.panel-info>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#3db5d8}.panel-warning{border-color:#d08002}.panel-warning>.panel-heading{color:#ffffff;background-color:#e99002;border-color:#d08002}.panel-warning>.panel-heading+.panel-collapse>.panel-body{border-top-color:#d08002}.panel-warning>.panel-heading .badge{color:#e99002;background-color:#ffffff}.panel-warning>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#d08002}.panel-danger{border-color:#ea2f10}.panel-danger>.panel-heading{color:#ffffff;background-color:#f04124;border-color:#ea2f10}.panel-danger>.panel-heading+.panel-collapse>.panel-body{border-top-color:#ea2f10}.panel-danger>.panel-heading .badge{color:#f04124;background-color:#ffffff}.panel-danger>.panel-footer+.panel-collapse>.panel-body{border-bottom-color:#ea2f10}.embed-responsive{position:relative;display:block;height:0;padding:0;overflow:hidden}.embed-responsive .embed-responsive-item,.embed-responsive iframe,.embed-responsive embed,.embed-responsive object,.embed-responsive video{position:absolute;top:0;left:0;bottom:0;height:100%;width:100%;border:0}.embed-responsive-16by9{padding-bottom:56.25%}.embed-responsive-4by3{padding-bottom:75%}.well{min-height:20px;padding:19px;margin-bottom:20px;background-color:#fafafa;border:1px solid #e8e8e8;border-radius:0;-webkit-box-shadow:inset 0 1px 1px rgba(0,0,0,0.05);box-shadow:inset 0 1px 1px rgba(0,0,0,0.05)}.well blockquote{border-color:#ddd;border-color:rgba(0,0,0,0.15)}.well-lg{padding:24px;border-radius:0}.well-sm{padding:9px;border-radius:0}.close{float:right;font-size:22.5px;font-weight:bold;line-height:1;color:#ffffff;text-shadow:0 1px 0 #ffffff;opacity:0.2;filter:alpha(opacity=20)}.close:hover,.close:focus{color:#ffffff;text-decoration:none;cursor:pointer;opacity:0.5;filter:alpha(opacity=50)}button.close{padding:0;cursor:pointer;background:transparent;border:0;-webkit-appearance:none}.modal-open{overflow:hidden}.modal{display:none;overflow:hidden;position:fixed;top:0;right:0;bottom:0;left:0;z-index:1050;-webkit-overflow-scrolling:touch;outline:0}.modal.fade .modal-dialog{-webkit-transform:translate(0, -25%);-ms-transform:translate(0, -25%);-o-transform:translate(0, -25%);transform:translate(0, -25%);-webkit-transition:-webkit-transform .3s ease-out;-o-transition:-o-transform .3s ease-out;transition:transform .3s ease-out}.modal.in .modal-dialog{-webkit-transform:translate(0, 0);-ms-transform:translate(0, 0);-o-transform:translate(0, 0);transform:translate(0, 0)}.modal-open .modal{overflow-x:hidden;overflow-y:auto}.modal-dialog{position:relative;width:auto;margin:10px}.modal-content{position:relative;background-color:#ffffff;border:1px solid #999999;border:1px solid rgba(0,0,0,0.2);border-radius:0;-webkit-box-shadow:0 3px 9px rgba(0,0,0,0.5);box-shadow:0 3px 9px rgba(0,0,0,0.5);-webkit-background-clip:padding-box;background-clip:padding-box;outline:0}.modal-backdrop{position:fixed;top:0;right:0;bottom:0;left:0;z-index:1040;background-color:#000000}.modal-backdrop.fade{opacity:0;filter:alpha(opacity=0)}.modal-backdrop.in{opacity:0.5;filter:alpha(opacity=50)}.modal-header{padding:15px;border-bottom:1px solid #e5e5e5;min-height:16.4px}.modal-header .close{margin-top:-2px}.modal-title{margin:0;line-height:1.4}.modal-body{position:relative;padding:20px}.modal-footer{padding:20px;text-align:right;border-top:1px solid #e5e5e5}.modal-footer .btn+.btn{margin-left:5px;margin-bottom:0}.modal-footer .btn-group .btn+.btn{margin-left:-1px}.modal-footer .btn-block+.btn-block{margin-left:0}.modal-scrollbar-measure{position:absolute;top:-9999px;width:50px;height:50px;overflow:scroll}@media (min-width:768px){.modal-dialog{width:600px;margin:30px auto}.modal-content{-webkit-box-shadow:0 5px 15px rgba(0,0,0,0.5);box-shadow:0 5px 15px rgba(0,0,0,0.5)}.modal-sm{width:300px}}@media (min-width:992px){.modal-lg{width:900px}}.tooltip{position:absolute;z-index:1070;display:block;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:12px;font-weight:normal;line-height:1.4;opacity:0;filter:alpha(opacity=0)}.tooltip.in{opacity:0.9;filter:alpha(opacity=90)}.tooltip.top{margin-top:-3px;padding:5px 0}.tooltip.right{margin-left:3px;padding:0 5px}.tooltip.bottom{margin-top:3px;padding:5px 0}.tooltip.left{margin-left:-3px;padding:0 5px}.tooltip-inner{max-width:200px;padding:3px 8px;color:#ffffff;text-align:center;text-decoration:none;background-color:#333333;border-radius:0}.tooltip-arrow{position:absolute;width:0;height:0;border-color:transparent;border-style:solid}.tooltip.top .tooltip-arrow{bottom:0;left:50%;margin-left:-5px;border-width:5px 5px 0;border-top-color:#333333}.tooltip.top-left .tooltip-arrow{bottom:0;right:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#333333}.tooltip.top-right .tooltip-arrow{bottom:0;left:5px;margin-bottom:-5px;border-width:5px 5px 0;border-top-color:#333333}.tooltip.right .tooltip-arrow{top:50%;left:0;margin-top:-5px;border-width:5px 5px 5px 0;border-right-color:#333333}.tooltip.left .tooltip-arrow{top:50%;right:0;margin-top:-5px;border-width:5px 0 5px 5px;border-left-color:#333333}.tooltip.bottom .tooltip-arrow{top:0;left:50%;margin-left:-5px;border-width:0 5px 5px;border-bottom-color:#333333}.tooltip.bottom-left .tooltip-arrow{top:0;right:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#333333}.tooltip.bottom-right .tooltip-arrow{top:0;left:5px;margin-top:-5px;border-width:0 5px 5px;border-bottom-color:#333333}.popover{position:absolute;top:0;left:0;z-index:1060;display:none;max-width:276px;padding:1px;font-family:"Open Sans","Helvetica Neue",Helvetica,Arial,sans-serif;font-size:15px;font-weight:normal;line-height:1.4;text-align:left;background-color:#333333;-webkit-background-clip:padding-box;background-clip:padding-box;border:1px solid #333333;border:1px solid transparent;border-radius:0;-webkit-box-shadow:0 5px 10px rgba(0,0,0,0.2);box-shadow:0 5px 10px rgba(0,0,0,0.2);white-space:normal}.popover.top{margin-top:-10px}.popover.right{margin-left:10px}.popover.bottom{margin-top:10px}.popover.left{margin-left:-10px}.popover-title{margin:0;padding:8px 14px;font-size:15px;background-color:#333333;border-bottom:1px solid #262626;border-radius:-1 -1 0 0}.popover-content{padding:9px 14px}.popover>.arrow,.popover>.arrow:after{position:absolute;display:block;width:0;height:0;border-color:transparent;border-style:solid}.popover>.arrow{border-width:11px}.popover>.arrow:after{border-width:10px;content:""}.popover.top>.arrow{left:50%;margin-left:-11px;border-bottom-width:0;border-top-color:#000000;border-top-color:rgba(0,0,0,0.05);bottom:-11px}.popover.top>.arrow:after{content:" ";bottom:1px;margin-left:-10px;border-bottom-width:0;border-top-color:#333333}.popover.right>.arrow{top:50%;left:-11px;margin-top:-11px;border-left-width:0;border-right-color:#000000;border-right-color:rgba(0,0,0,0.05)}.popover.right>.arrow:after{content:" ";left:1px;bottom:-10px;border-left-width:0;border-right-color:#333333}.popover.bottom>.arrow{left:50%;margin-left:-11px;border-top-width:0;border-bottom-color:#000000;border-bottom-color:rgba(0,0,0,0.05);top:-11px}.popover.bottom>.arrow:after{content:" ";top:1px;margin-left:-10px;border-top-width:0;border-bottom-color:#333333}.popover.left>.arrow{top:50%;right:-11px;margin-top:-11px;border-right-width:0;border-left-color:#000000;border-left-color:rgba(0,0,0,0.05)}.popover.left>.arrow:after{content:" ";right:1px;border-right-width:0;border-left-color:#333333;bottom:-10px}.carousel{position:relative}.carousel-inner{position:relative;overflow:hidden;width:100%}.carousel-inner>.item{display:none;position:relative;-webkit-transition:.6s ease-in-out left;-o-transition:.6s ease-in-out left;transition:.6s ease-in-out left}.carousel-inner>.item>img,.carousel-inner>.item>a>img{line-height:1}@media all and (transform-3d),(-webkit-transform-3d){.carousel-inner>.item{-webkit-transition:-webkit-transform .6s ease-in-out;-o-transition:-o-transform .6s ease-in-out;transition:transform .6s ease-in-out;-webkit-backface-visibility:hidden;backface-visibility:hidden;-webkit-perspective:1000;perspective:1000}.carousel-inner>.item.next,.carousel-inner>.item.active.right{-webkit-transform:translate3d(100%, 0, 0);transform:translate3d(100%, 0, 0);left:0}.carousel-inner>.item.prev,.carousel-inner>.item.active.left{-webkit-transform:translate3d(-100%, 0, 0);transform:translate3d(-100%, 0, 0);left:0}.carousel-inner>.item.next.left,.carousel-inner>.item.prev.right,.carousel-inner>.item.active{-webkit-transform:translate3d(0, 0, 0);transform:translate3d(0, 0, 0);left:0}}.carousel-inner>.active,.carousel-inner>.next,.carousel-inner>.prev{display:block}.carousel-inner>.active{left:0}.carousel-inner>.next,.carousel-inner>.prev{position:absolute;top:0;width:100%}.carousel-inner>.next{left:100%}.carousel-inner>.prev{left:-100%}.carousel-inner>.next.left,.carousel-inner>.prev.right{left:0}.carousel-inner>.active.left{left:-100%}.carousel-inner>.active.right{left:100%}.carousel-control{position:absolute;top:0;left:0;bottom:0;width:15%;opacity:0.5;filter:alpha(opacity=50);font-size:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-control.left{background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.5)), to(rgba(0,0,0,0.0001)));background-image:linear-gradient(to right, rgba(0,0,0,0.5) 0, rgba(0,0,0,0.0001) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#80000000', endColorstr='#00000000', GradientType=1)}.carousel-control.right{left:auto;right:0;background-image:-webkit-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-o-linear-gradient(left, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-image:-webkit-gradient(linear, left top, right top, from(rgba(0,0,0,0.0001)), to(rgba(0,0,0,0.5)));background-image:linear-gradient(to right, rgba(0,0,0,0.0001) 0, rgba(0,0,0,0.5) 100%);background-repeat:repeat-x;filter:progid:DXImageTransform.Microsoft.gradient(startColorstr='#00000000', endColorstr='#80000000', GradientType=1)}.carousel-control:hover,.carousel-control:focus{outline:0;color:#ffffff;text-decoration:none;opacity:0.9;filter:alpha(opacity=90)}.carousel-control .icon-prev,.carousel-control .icon-next,.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right{position:absolute;top:50%;z-index:5;display:inline-block}.carousel-control .icon-prev,.carousel-control .glyphicon-chevron-left{left:50%;margin-left:-10px}.carousel-control .icon-next,.carousel-control .glyphicon-chevron-right{right:50%;margin-right:-10px}.carousel-control .icon-prev,.carousel-control .icon-next{width:20px;height:20px;margin-top:-10px;line-height:1;font-family:serif}.carousel-control .icon-prev:before{content:'\2039'}.carousel-control .icon-next:before{content:'\203a'}.carousel-indicators{position:absolute;bottom:10px;left:50%;z-index:15;width:60%;margin-left:-30%;padding-left:0;list-style:none;text-align:center}.carousel-indicators li{display:inline-block;width:10px;height:10px;margin:1px;text-indent:-999px;border:1px solid #ffffff;border-radius:10px;cursor:pointer;background-color:#000 \9;background-color:rgba(0,0,0,0)}.carousel-indicators .active{margin:0;width:12px;height:12px;background-color:#ffffff}.carousel-caption{position:absolute;left:15%;right:15%;bottom:20px;z-index:10;padding-top:20px;padding-bottom:20px;color:#ffffff;text-align:center;text-shadow:0 1px 2px rgba(0,0,0,0.6)}.carousel-caption .btn{text-shadow:none}@media screen and (min-width:768px){.carousel-control .glyphicon-chevron-left,.carousel-control .glyphicon-chevron-right,.carousel-control .icon-prev,.carousel-control .icon-next{width:30px;height:30px;margin-top:-15px;font-size:30px}.carousel-control .glyphicon-chevron-left,.carousel-control .icon-prev{margin-left:-15px}.carousel-control .glyphicon-chevron-right,.carousel-control .icon-next{margin-right:-15px}.carousel-caption{left:20%;right:20%;padding-bottom:30px}.carousel-indicators{bottom:20px}}.clearfix:before,.clearfix:after,.dl-horizontal dd:before,.dl-horizontal dd:after,.container:before,.container:after,.container-fluid:before,.container-fluid:after,.row:before,.row:after,.form-horizontal .form-group:before,.form-horizontal .form-group:after,.btn-toolbar:before,.btn-toolbar:after,.btn-group-vertical>.btn-group:before,.btn-group-vertical>.btn-group:after,.nav:before,.nav:after,.navbar:before,.navbar:after,.navbar-header:before,.navbar-header:after,.navbar-collapse:before,.navbar-collapse:after,.pager:before,.pager:after,.panel-body:before,.panel-body:after,.modal-footer:before,.modal-footer:after{content:" ";display:table}.clearfix:after,.dl-horizontal dd:after,.container:after,.container-fluid:after,.row:after,.form-horizontal .form-group:after,.btn-toolbar:after,.btn-group-vertical>.btn-group:after,.nav:after,.navbar:after,.navbar-header:after,.navbar-collapse:after,.pager:after,.panel-body:after,.modal-footer:after{clear:both}.center-block{display:block;margin-left:auto;margin-right:auto}.pull-right{float:right !important}.pull-left{float:left !important}.hide{display:none !important}.show{display:block !important}.invisible{visibility:hidden}.text-hide{font:0/0 a;color:transparent;text-shadow:none;background-color:transparent;border:0}.hidden{display:none !important}.affix{position:fixed}@-ms-viewport{width:device-width}.visible-xs,.visible-sm,.visible-md,.visible-lg{display:none !important}.visible-xs-block,.visible-xs-inline,.visible-xs-inline-block,.visible-sm-block,.visible-sm-inline,.visible-sm-inline-block,.visible-md-block,.visible-md-inline,.visible-md-inline-block,.visible-lg-block,.visible-lg-inline,.visible-lg-inline-block{display:none !important}@media (max-width:767px){.visible-xs{display:block !important}table.visible-xs{display:table}tr.visible-xs{display:table-row !important}th.visible-xs,td.visible-xs{display:table-cell !important}}@media (max-width:767px){.visible-xs-block{display:block !important}}@media (max-width:767px){.visible-xs-inline{display:inline !important}}@media (max-width:767px){.visible-xs-inline-block{display:inline-block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm{display:block !important}table.visible-sm{display:table}tr.visible-sm{display:table-row !important}th.visible-sm,td.visible-sm{display:table-cell !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-block{display:block !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline{display:inline !important}}@media (min-width:768px) and (max-width:991px){.visible-sm-inline-block{display:inline-block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md{display:block !important}table.visible-md{display:table}tr.visible-md{display:table-row !important}th.visible-md,td.visible-md{display:table-cell !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-block{display:block !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline{display:inline !important}}@media (min-width:992px) and (max-width:1199px){.visible-md-inline-block{display:inline-block !important}}@media (min-width:1200px){.visible-lg{display:block !important}table.visible-lg{display:table}tr.visible-lg{display:table-row !important}th.visible-lg,td.visible-lg{display:table-cell !important}}@media (min-width:1200px){.visible-lg-block{display:block !important}}@media (min-width:1200px){.visible-lg-inline{display:inline !important}}@media (min-width:1200px){.visible-lg-inline-block{display:inline-block !important}}@media (max-width:767px){.hidden-xs{display:none !important}}@media (min-width:768px) and (max-width:991px){.hidden-sm{display:none !important}}@media (min-width:992px) and (max-width:1199px){.hidden-md{display:none !important}}@media (min-width:1200px){.hidden-lg{display:none !important}}.visible-print{display:none !important}@media print{.visible-print{display:block !important}table.visible-print{display:table}tr.visible-print{display:table-row !important}th.visible-print,td.visible-print{display:table-cell !important}}.visible-print-block{display:none !important}@media print{.visible-print-block{display:block !important}}.visible-print-inline{display:none !important}@media print{.visible-print-inline{display:inline !important}}.visible-print-inline-block{display:none !important}@media print{.visible-print-inline-block{display:inline-block !important}}@media print{.hidden-print{display:none !important}}.navbar{border:none;font-size:13px;font-weight:300}.navbar .navbar-toggle:hover .icon-bar{background-color:#b3b3b3}.navbar-collapse{border-top-color:rgba(0,0,0,0.2);-webkit-box-shadow:none;box-shadow:none}.navbar .btn{padding-top:6px;padding-bottom:6px}.navbar-form{margin-top:7px;margin-bottom:5px}.navbar-form .form-control{height:auto;padding:4px 6px}.navbar .dropdown-menu{border:none}.navbar .dropdown-menu>li>a,.navbar .dropdown-menu>li>a:focus{background-color:transparent;font-size:13px;font-weight:300}.navbar .dropdown-header{color:rgba(255,255,255,0.5)}.navbar-default .dropdown-menu{background-color:#333333}.navbar-default .dropdown-menu>li>a,.navbar-default .dropdown-menu>li>a:focus{color:#ffffff}.navbar-default .dropdown-menu>li>a:hover,.navbar-default .dropdown-menu>.active>a,.navbar-default .dropdown-menu>.active>a:hover{background-color:#272727}.navbar-inverse .dropdown-menu{background-color:#008cba}.navbar-inverse .dropdown-menu>li>a,.navbar-inverse .dropdown-menu>li>a:focus{color:#ffffff}.navbar-inverse .dropdown-menu>li>a:hover,.navbar-inverse .dropdown-menu>.active>a,.navbar-inverse .dropdown-menu>.active>a:hover{background-color:#006687}.btn{padding:8px 12px}.btn-lg{padding:16px 20px}.btn-sm{padding:8px 12px}.btn-xs{padding:4px 6px}.btn-group .btn~.dropdown-toggle{padding-left:16px;padding-right:16px}.btn-group .dropdown-menu{border-top-width:0}.btn-group.dropup .dropdown-menu{border-top-width:1px;border-bottom-width:0;margin-bottom:0}.btn-group .dropdown-toggle.btn-default~.dropdown-menu{background-color:#e7e7e7;border-color:#cccccc}.btn-group .dropdown-toggle.btn-default~.dropdown-menu>li>a{color:#333333}.btn-group .dropdown-toggle.btn-default~.dropdown-menu>li>a:hover{background-color:#d3d3d3}.btn-group .dropdown-toggle.btn-primary~.dropdown-menu{background-color:#008cba;border-color:#0079a1}.btn-group .dropdown-toggle.btn-primary~.dropdown-menu>li>a{color:#ffffff}.btn-group .dropdown-toggle.btn-primary~.dropdown-menu>li>a:hover{background-color:#006d91}.btn-group .dropdown-toggle.btn-success~.dropdown-menu{background-color:#43ac6a;border-color:#3c9a5f}.btn-group .dropdown-toggle.btn-success~.dropdown-menu>li>a{color:#ffffff}.btn-group .dropdown-toggle.btn-success~.dropdown-menu>li>a:hover{background-color:#388f58}.btn-group .dropdown-toggle.btn-info~.dropdown-menu{background-color:#5bc0de;border-color:#46b8da}.btn-group .dropdown-toggle.btn-info~.dropdown-menu>li>a{color:#ffffff}.btn-group .dropdown-toggle.btn-info~.dropdown-menu>li>a:hover{background-color:#39b3d7}.btn-group .dropdown-toggle.btn-warning~.dropdown-menu{background-color:#e99002;border-color:#d08002}.btn-group .dropdown-toggle.btn-warning~.dropdown-menu>li>a{color:#ffffff}.btn-group .dropdown-toggle.btn-warning~.dropdown-menu>li>a:hover{background-color:#c17702}.btn-group .dropdown-toggle.btn-danger~.dropdown-menu{background-color:#f04124;border-color:#ea2f10}.btn-group .dropdown-toggle.btn-danger~.dropdown-menu>li>a{color:#ffffff}.btn-group .dropdown-toggle.btn-danger~.dropdown-menu>li>a:hover{background-color:#dc2c0f}.lead{color:#6f6f6f}cite{font-style:italic}blockquote{border-left-width:1px;color:#6f6f6f}blockquote.pull-right{border-right-width:1px}blockquote small{font-size:12px;font-weight:300}table{font-size:12px}label,.control-label,.help-block,.checkbox,.radio{font-size:12px;font-weight:normal}input[type="radio"],input[type="checkbox"]{margin-top:1px}.nav .open>a,.nav .open>a:hover,.nav .open>a:focus{border-color:transparent}.nav-tabs>li>a{background-color:#e7e7e7;color:#222222}.nav-tabs .caret{border-top-color:#222222;border-bottom-color:#222222}.nav-pills{font-weight:300}.breadcrumb{border:1px solid #dddddd;border-radius:3px;font-size:10px;font-weight:300;text-transform:uppercase}.pagination{font-size:12px;font-weight:300;color:#999999}.pagination>li>a,.pagination>li>span{margin-left:4px;color:#999999}.pagination>.active>a,.pagination>.active>span{color:#fff}.pagination>li>a,.pagination>li:first-child>a,.pagination>li:last-child>a,.pagination>li>span,.pagination>li:first-child>span,.pagination>li:last-child>span{border-radius:3px}.pagination-lg>li>a{padding-left:22px;padding-right:22px}.pagination-sm>li>a{padding:0 5px}.pager{font-size:12px;font-weight:300;color:#999999}.list-group{font-size:12px;font-weight:300}.close{opacity:0.4;text-decoration:none;text-shadow:none}.close:hover,.close:focus{opacity:1}.alert{font-size:12px;font-weight:300}.alert .alert-link{font-weight:normal;color:#fff;text-decoration:underline}.label{padding-left:1em;padding-right:1em;border-radius:0;font-weight:300}.label-default{background-color:#e7e7e7;color:#333333}.badge{font-weight:300}.progress{height:22px;padding:2px;background-color:#f6f6f6;border:1px solid #ccc;-webkit-box-shadow:none;box-shadow:none}.dropdown-menu{padding:0;margin-top:0;font-size:12px}.dropdown-menu>li>a{padding:12px 15px}.dropdown-header{padding-left:15px;padding-right:15px;font-size:9px;text-transform:uppercase}.popover{color:#fff;font-size:12px;font-weight:300}.panel-heading,.panel-footer{border-top-right-radius:0;border-top-left-radius:0}.panel-default .close{color:#222222}.modal .close{color:#222222} diff --git a/docs/build/html/_static/css/font-awesome-ie7.min.css b/docs/build/html/_static/css/font-awesome-ie7.min.css new file mode 100644 index 0000000..d3dae63 --- /dev/null +++ b/docs/build/html/_static/css/font-awesome-ie7.min.css @@ -0,0 +1,384 @@ +.icon-large{font-size:1.3333333333333333em;margin-top:-4px;padding-top:3px;margin-bottom:-4px;padding-bottom:3px;vertical-align:middle;} +.nav [class^="icon-"],.nav [class*=" icon-"]{vertical-align:inherit;margin-top:-4px;padding-top:3px;margin-bottom:-4px;padding-bottom:3px;}.nav [class^="icon-"].icon-large,.nav [class*=" icon-"].icon-large{vertical-align:-25%;} +.nav-pills [class^="icon-"].icon-large,.nav-tabs [class^="icon-"].icon-large,.nav-pills [class*=" icon-"].icon-large,.nav-tabs [class*=" icon-"].icon-large{line-height:.75em;margin-top:-7px;padding-top:5px;margin-bottom:-5px;padding-bottom:4px;} +.btn [class^="icon-"].pull-left,.btn [class*=" icon-"].pull-left,.btn [class^="icon-"].pull-right,.btn [class*=" icon-"].pull-right{vertical-align:inherit;} +.btn [class^="icon-"].icon-large,.btn [class*=" icon-"].icon-large{margin-top:-0.5em;} +a [class^="icon-"],a [class*=" icon-"]{cursor:pointer;} +.icon-glass{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-music{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-search{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-envelope-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-heart{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-star{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-star-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-user{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-film{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-th-large{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-th{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-th-list{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ok{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-remove{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-zoom-in{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-zoom-out{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-off{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-power-off{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-signal{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cog{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gear{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-trash{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-home{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-file-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-time{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-road{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-download-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-download{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-upload{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-inbox{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-play-circle{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-repeat{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rotate-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-refresh{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-list-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-lock{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-flag{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-headphones{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-volume-off{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-volume-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-volume-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-qrcode{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-barcode{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tag{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tags{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-book{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bookmark{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-print{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-camera{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-font{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bold{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-italic{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-text-height{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-text-width{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-align-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-align-center{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-align-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-align-justify{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-list{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-indent-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-indent-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-facetime-video{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-picture{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-pencil{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-map-marker{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-adjust{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tint{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-edit{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-share{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-check{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-move{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-step-backward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fast-backward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-backward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-play{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-pause{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-stop{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-forward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fast-forward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-step-forward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-eject{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-plus-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-minus-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-remove-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ok-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-question-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-info-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-screenshot{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-remove-circle{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ok-circle{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ban-circle{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-arrow-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-arrow-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-arrow-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-arrow-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-share-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-mail-forward{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-resize-full{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-resize-small{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-plus{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-minus{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-asterisk{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-exclamation-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gift{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-leaf{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fire{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-eye-open{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-eye-close{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-warning-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-plane{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-calendar{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-random{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-comment{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-magnet{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-retweet{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-shopping-cart{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-folder-close{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-folder-open{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-resize-vertical{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-resize-horizontal{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bar-chart{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-twitter-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-facebook-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-camera-retro{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-key{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cogs{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gears{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-comments{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-thumbs-up-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-thumbs-down-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-star-half{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-heart-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-signout{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-linkedin-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-pushpin{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-external-link{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-signin{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-trophy{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-github-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-upload-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-lemon{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-phone{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-check-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-unchecked{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bookmark-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-phone-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-twitter{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-facebook{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-github{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-unlock{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-credit-card{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rss{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hdd{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bullhorn{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bell{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-certificate{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hand-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hand-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hand-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hand-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle-arrow-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle-arrow-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle-arrow-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle-arrow-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-globe{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-wrench{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tasks{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-filter{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-briefcase{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fullscreen{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-group{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-link{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cloud{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-beaker{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cut{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-copy{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-paper-clip{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-paperclip{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-save{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sign-blank{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-reorder{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-list-ul{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-list-ol{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-strikethrough{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-underline{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-table{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-magic{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-truck{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-pinterest{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-pinterest-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-google-plus-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-google-plus{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-money{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-caret-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-caret-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-caret-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-caret-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-columns{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-envelope{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-linkedin{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-undo{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rotate-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-legal{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-dashboard{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-comment-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-comments-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bolt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sitemap{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-umbrella{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-paste{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-lightbulb{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-exchange{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cloud-download{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cloud-upload{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-user-md{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-stethoscope{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-suitcase{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bell-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-coffee{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-food{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-file-text-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-building{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-hospital{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ambulance{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-medkit{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fighter-jet{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-beer{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-h-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-plus-sign-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-double-angle-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-double-angle-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-double-angle-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-double-angle-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-angle-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-angle-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-angle-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-angle-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-desktop{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-laptop{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tablet{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-mobile-phone{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle-blank{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-quote-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-quote-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-spinner{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-circle{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-reply{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-mail-reply{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-github-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-folder-close-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-folder-open-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-expand-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-collapse-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-smile{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-frown{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-meh{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gamepad{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-keyboard{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-flag-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-flag-checkered{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-terminal{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-code{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-reply-all{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-mail-reply-all{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-star-half-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-star-half-full{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-location-arrow{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-crop{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-code-fork{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-unlink{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-question{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-info{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-exclamation{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-superscript{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-subscript{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-eraser{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-puzzle-piece{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-microphone{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-microphone-off{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-shield{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-calendar-empty{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-fire-extinguisher{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rocket{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-maxcdn{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-sign-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-sign-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-sign-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-chevron-sign-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-html5{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-css3{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-anchor{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-unlock-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bullseye{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ellipsis-horizontal{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ellipsis-vertical{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rss-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-play-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-ticket{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-minus-sign-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-check-minus{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-level-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-level-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-check-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-edit-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-external-link-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-share-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-compass{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-collapse{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-collapse-top{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-expand{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-eur{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-euro{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gbp{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-usd{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-dollar{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-inr{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-rupee{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-jpy{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-yen{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-cny{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-renminbi{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-krw{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-won{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-btc{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bitcoin{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-file{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-file-text{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-alphabet{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-alphabet-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-attributes{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-attributes-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-order{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sort-by-order-alt{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-thumbs-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-thumbs-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-youtube-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-youtube{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-xing{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-xing-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-youtube-play{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-dropbox{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-stackexchange{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-instagram{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-flickr{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-adn{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bitbucket{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bitbucket-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tumblr{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-tumblr-sign{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-long-arrow-down{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-long-arrow-up{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-long-arrow-left{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-long-arrow-right{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-apple{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-windows{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-android{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-linux{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-dribbble{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-skype{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-foursquare{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-trello{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-female{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-male{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-gittip{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-sun{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-moon{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-archive{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-bug{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-vk{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-weibo{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} +.icon-renren{*zoom:expression( this.runtimeStyle['zoom'] = '1', this.innerHTML = '');} diff --git a/docs/build/html/_static/css/font-awesome.min.css b/docs/build/html/_static/css/font-awesome.min.css new file mode 100644 index 0000000..24fcc04 --- /dev/null +++ b/docs/build/html/_static/css/font-awesome.min.css @@ -0,0 +1,4 @@ +/*! + * Font Awesome 4.3.0 by @davegandy - http://fontawesome.io - @fontawesome + * License - http://fontawesome.io/license (Font: SIL OFL 1.1, CSS: MIT License) + */@font-face{font-family:'FontAwesome';src:url('../fonts/fontawesome-webfont.eot?v=4.3.0');src:url('../fonts/fontawesome-webfont.eot?#iefix&v=4.3.0') format('embedded-opentype'),url('../fonts/fontawesome-webfont.woff2?v=4.3.0') format('woff2'),url('../fonts/fontawesome-webfont.woff?v=4.3.0') format('woff'),url('../fonts/fontawesome-webfont.ttf?v=4.3.0') format('truetype'),url('../fonts/fontawesome-webfont.svg?v=4.3.0#fontawesomeregular') format('svg');font-weight:normal;font-style:normal}.fa{display:inline-block;font:normal normal normal 14px/1 FontAwesome;font-size:inherit;text-rendering:auto;-webkit-font-smoothing:antialiased;-moz-osx-font-smoothing:grayscale;transform:translate(0, 0)}.fa-lg{font-size:1.33333333em;line-height:.75em;vertical-align:-15%}.fa-2x{font-size:2em}.fa-3x{font-size:3em}.fa-4x{font-size:4em}.fa-5x{font-size:5em}.fa-fw{width:1.28571429em;text-align:center}.fa-ul{padding-left:0;margin-left:2.14285714em;list-style-type:none}.fa-ul>li{position:relative}.fa-li{position:absolute;left:-2.14285714em;width:2.14285714em;top:.14285714em;text-align:center}.fa-li.fa-lg{left:-1.85714286em}.fa-border{padding:.2em .25em .15em;border:solid .08em #eee;border-radius:.1em}.pull-right{float:right}.pull-left{float:left}.fa.pull-left{margin-right:.3em}.fa.pull-right{margin-left:.3em}.fa-spin{-webkit-animation:fa-spin 2s infinite linear;animation:fa-spin 2s infinite linear}.fa-pulse{-webkit-animation:fa-spin 1s infinite steps(8);animation:fa-spin 1s infinite steps(8)}@-webkit-keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}@keyframes fa-spin{0%{-webkit-transform:rotate(0deg);transform:rotate(0deg)}100%{-webkit-transform:rotate(359deg);transform:rotate(359deg)}}.fa-rotate-90{filter:progid:DXImageTransform.Microsoft.BasicImage(rotation=1);-webkit-transform:rotate(90deg);-ms-transform:rotate(90deg);transform:rotate(90deg)}.fa-rotate-180{filter:progid:DXImageTransform.Microsoft.BasicImage(rotation=2);-webkit-transform:rotate(180deg);-ms-transform:rotate(180deg);transform:rotate(180deg)}.fa-rotate-270{filter:progid:DXImageTransform.Microsoft.BasicImage(rotation=3);-webkit-transform:rotate(270deg);-ms-transform:rotate(270deg);transform:rotate(270deg)}.fa-flip-horizontal{filter:progid:DXImageTransform.Microsoft.BasicImage(rotation=0, mirror=1);-webkit-transform:scale(-1, 1);-ms-transform:scale(-1, 1);transform:scale(-1, 1)}.fa-flip-vertical{filter:progid:DXImageTransform.Microsoft.BasicImage(rotation=2, mirror=1);-webkit-transform:scale(1, -1);-ms-transform:scale(1, -1);transform:scale(1, -1)}:root .fa-rotate-90,:root .fa-rotate-180,:root .fa-rotate-270,:root .fa-flip-horizontal,:root .fa-flip-vertical{filter:none}.fa-stack{position:relative;display:inline-block;width:2em;height:2em;line-height:2em;vertical-align:middle}.fa-stack-1x,.fa-stack-2x{position:absolute;left:0;width:100%;text-align:center}.fa-stack-1x{line-height:inherit}.fa-stack-2x{font-size:2em}.fa-inverse{color:#fff}.fa-glass:before{content:"\f000"}.fa-music:before{content:"\f001"}.fa-search:before{content:"\f002"}.fa-envelope-o:before{content:"\f003"}.fa-heart:before{content:"\f004"}.fa-star:before{content:"\f005"}.fa-star-o:before{content:"\f006"}.fa-user:before{content:"\f007"}.fa-film:before{content:"\f008"}.fa-th-large:before{content:"\f009"}.fa-th:before{content:"\f00a"}.fa-th-list:before{content:"\f00b"}.fa-check:before{content:"\f00c"}.fa-remove:before,.fa-close:before,.fa-times:before{content:"\f00d"}.fa-search-plus:before{content:"\f00e"}.fa-search-minus:before{content:"\f010"}.fa-power-off:before{content:"\f011"}.fa-signal:before{content:"\f012"}.fa-gear:before,.fa-cog:before{content:"\f013"}.fa-trash-o:before{content:"\f014"}.fa-home:before{content:"\f015"}.fa-file-o:before{content:"\f016"}.fa-clock-o:before{content:"\f017"}.fa-road:before{content:"\f018"}.fa-download:before{content:"\f019"}.fa-arrow-circle-o-down:before{content:"\f01a"}.fa-arrow-circle-o-up:before{content:"\f01b"}.fa-inbox:before{content:"\f01c"}.fa-play-circle-o:before{content:"\f01d"}.fa-rotate-right:before,.fa-repeat:before{content:"\f01e"}.fa-refresh:before{content:"\f021"}.fa-list-alt:before{content:"\f022"}.fa-lock:before{content:"\f023"}.fa-flag:before{content:"\f024"}.fa-headphones:before{content:"\f025"}.fa-volume-off:before{content:"\f026"}.fa-volume-down:before{content:"\f027"}.fa-volume-up:before{content:"\f028"}.fa-qrcode:before{content:"\f029"}.fa-barcode:before{content:"\f02a"}.fa-tag:before{content:"\f02b"}.fa-tags:before{content:"\f02c"}.fa-book:before{content:"\f02d"}.fa-bookmark:before{content:"\f02e"}.fa-print:before{content:"\f02f"}.fa-camera:before{content:"\f030"}.fa-font:before{content:"\f031"}.fa-bold:before{content:"\f032"}.fa-italic:before{content:"\f033"}.fa-text-height:before{content:"\f034"}.fa-text-width:before{content:"\f035"}.fa-align-left:before{content:"\f036"}.fa-align-center:before{content:"\f037"}.fa-align-right:before{content:"\f038"}.fa-align-justify:before{content:"\f039"}.fa-list:before{content:"\f03a"}.fa-dedent:before,.fa-outdent:before{content:"\f03b"}.fa-indent:before{content:"\f03c"}.fa-video-camera:before{content:"\f03d"}.fa-photo:before,.fa-image:before,.fa-picture-o:before{content:"\f03e"}.fa-pencil:before{content:"\f040"}.fa-map-marker:before{content:"\f041"}.fa-adjust:before{content:"\f042"}.fa-tint:before{content:"\f043"}.fa-edit:before,.fa-pencil-square-o:before{content:"\f044"}.fa-share-square-o:before{content:"\f045"}.fa-check-square-o:before{content:"\f046"}.fa-arrows:before{content:"\f047"}.fa-step-backward:before{content:"\f048"}.fa-fast-backward:before{content:"\f049"}.fa-backward:before{content:"\f04a"}.fa-play:before{content:"\f04b"}.fa-pause:before{content:"\f04c"}.fa-stop:before{content:"\f04d"}.fa-forward:before{content:"\f04e"}.fa-fast-forward:before{content:"\f050"}.fa-step-forward:before{content:"\f051"}.fa-eject:before{content:"\f052"}.fa-chevron-left:before{content:"\f053"}.fa-chevron-right:before{content:"\f054"}.fa-plus-circle:before{content:"\f055"}.fa-minus-circle:before{content:"\f056"}.fa-times-circle:before{content:"\f057"}.fa-check-circle:before{content:"\f058"}.fa-question-circle:before{content:"\f059"}.fa-info-circle:before{content:"\f05a"}.fa-crosshairs:before{content:"\f05b"}.fa-times-circle-o:before{content:"\f05c"}.fa-check-circle-o:before{content:"\f05d"}.fa-ban:before{content:"\f05e"}.fa-arrow-left:before{content:"\f060"}.fa-arrow-right:before{content:"\f061"}.fa-arrow-up:before{content:"\f062"}.fa-arrow-down:before{content:"\f063"}.fa-mail-forward:before,.fa-share:before{content:"\f064"}.fa-expand:before{content:"\f065"}.fa-compress:before{content:"\f066"}.fa-plus:before{content:"\f067"}.fa-minus:before{content:"\f068"}.fa-asterisk:before{content:"\f069"}.fa-exclamation-circle:before{content:"\f06a"}.fa-gift:before{content:"\f06b"}.fa-leaf:before{content:"\f06c"}.fa-fire:before{content:"\f06d"}.fa-eye:before{content:"\f06e"}.fa-eye-slash:before{content:"\f070"}.fa-warning:before,.fa-exclamation-triangle:before{content:"\f071"}.fa-plane:before{content:"\f072"}.fa-calendar:before{content:"\f073"}.fa-random:before{content:"\f074"}.fa-comment:before{content:"\f075"}.fa-magnet:before{content:"\f076"}.fa-chevron-up:before{content:"\f077"}.fa-chevron-down:before{content:"\f078"}.fa-retweet:before{content:"\f079"}.fa-shopping-cart:before{content:"\f07a"}.fa-folder:before{content:"\f07b"}.fa-folder-open:before{content:"\f07c"}.fa-arrows-v:before{content:"\f07d"}.fa-arrows-h:before{content:"\f07e"}.fa-bar-chart-o:before,.fa-bar-chart:before{content:"\f080"}.fa-twitter-square:before{content:"\f081"}.fa-facebook-square:before{content:"\f082"}.fa-camera-retro:before{content:"\f083"}.fa-key:before{content:"\f084"}.fa-gears:before,.fa-cogs:before{content:"\f085"}.fa-comments:before{content:"\f086"}.fa-thumbs-o-up:before{content:"\f087"}.fa-thumbs-o-down:before{content:"\f088"}.fa-star-half:before{content:"\f089"}.fa-heart-o:before{content:"\f08a"}.fa-sign-out:before{content:"\f08b"}.fa-linkedin-square:before{content:"\f08c"}.fa-thumb-tack:before{content:"\f08d"}.fa-external-link:before{content:"\f08e"}.fa-sign-in:before{content:"\f090"}.fa-trophy:before{content:"\f091"}.fa-github-square:before{content:"\f092"}.fa-upload:before{content:"\f093"}.fa-lemon-o:before{content:"\f094"}.fa-phone:before{content:"\f095"}.fa-square-o:before{content:"\f096"}.fa-bookmark-o:before{content:"\f097"}.fa-phone-square:before{content:"\f098"}.fa-twitter:before{content:"\f099"}.fa-facebook-f:before,.fa-facebook:before{content:"\f09a"}.fa-github:before{content:"\f09b"}.fa-unlock:before{content:"\f09c"}.fa-credit-card:before{content:"\f09d"}.fa-rss:before{content:"\f09e"}.fa-hdd-o:before{content:"\f0a0"}.fa-bullhorn:before{content:"\f0a1"}.fa-bell:before{content:"\f0f3"}.fa-certificate:before{content:"\f0a3"}.fa-hand-o-right:before{content:"\f0a4"}.fa-hand-o-left:before{content:"\f0a5"}.fa-hand-o-up:before{content:"\f0a6"}.fa-hand-o-down:before{content:"\f0a7"}.fa-arrow-circle-left:before{content:"\f0a8"}.fa-arrow-circle-right:before{content:"\f0a9"}.fa-arrow-circle-up:before{content:"\f0aa"}.fa-arrow-circle-down:before{content:"\f0ab"}.fa-globe:before{content:"\f0ac"}.fa-wrench:before{content:"\f0ad"}.fa-tasks:before{content:"\f0ae"}.fa-filter:before{content:"\f0b0"}.fa-briefcase:before{content:"\f0b1"}.fa-arrows-alt:before{content:"\f0b2"}.fa-group:before,.fa-users:before{content:"\f0c0"}.fa-chain:before,.fa-link:before{content:"\f0c1"}.fa-cloud:before{content:"\f0c2"}.fa-flask:before{content:"\f0c3"}.fa-cut:before,.fa-scissors:before{content:"\f0c4"}.fa-copy:before,.fa-files-o:before{content:"\f0c5"}.fa-paperclip:before{content:"\f0c6"}.fa-save:before,.fa-floppy-o:before{content:"\f0c7"}.fa-square:before{content:"\f0c8"}.fa-navicon:before,.fa-reorder:before,.fa-bars:before{content:"\f0c9"}.fa-list-ul:before{content:"\f0ca"}.fa-list-ol:before{content:"\f0cb"}.fa-strikethrough:before{content:"\f0cc"}.fa-underline:before{content:"\f0cd"}.fa-table:before{content:"\f0ce"}.fa-magic:before{content:"\f0d0"}.fa-truck:before{content:"\f0d1"}.fa-pinterest:before{content:"\f0d2"}.fa-pinterest-square:before{content:"\f0d3"}.fa-google-plus-square:before{content:"\f0d4"}.fa-google-plus:before{content:"\f0d5"}.fa-money:before{content:"\f0d6"}.fa-caret-down:before{content:"\f0d7"}.fa-caret-up:before{content:"\f0d8"}.fa-caret-left:before{content:"\f0d9"}.fa-caret-right:before{content:"\f0da"}.fa-columns:before{content:"\f0db"}.fa-unsorted:before,.fa-sort:before{content:"\f0dc"}.fa-sort-down:before,.fa-sort-desc:before{content:"\f0dd"}.fa-sort-up:before,.fa-sort-asc:before{content:"\f0de"}.fa-envelope:before{content:"\f0e0"}.fa-linkedin:before{content:"\f0e1"}.fa-rotate-left:before,.fa-undo:before{content:"\f0e2"}.fa-legal:before,.fa-gavel:before{content:"\f0e3"}.fa-dashboard:before,.fa-tachometer:before{content:"\f0e4"}.fa-comment-o:before{content:"\f0e5"}.fa-comments-o:before{content:"\f0e6"}.fa-flash:before,.fa-bolt:before{content:"\f0e7"}.fa-sitemap:before{content:"\f0e8"}.fa-umbrella:before{content:"\f0e9"}.fa-paste:before,.fa-clipboard:before{content:"\f0ea"}.fa-lightbulb-o:before{content:"\f0eb"}.fa-exchange:before{content:"\f0ec"}.fa-cloud-download:before{content:"\f0ed"}.fa-cloud-upload:before{content:"\f0ee"}.fa-user-md:before{content:"\f0f0"}.fa-stethoscope:before{content:"\f0f1"}.fa-suitcase:before{content:"\f0f2"}.fa-bell-o:before{content:"\f0a2"}.fa-coffee:before{content:"\f0f4"}.fa-cutlery:before{content:"\f0f5"}.fa-file-text-o:before{content:"\f0f6"}.fa-building-o:before{content:"\f0f7"}.fa-hospital-o:before{content:"\f0f8"}.fa-ambulance:before{content:"\f0f9"}.fa-medkit:before{content:"\f0fa"}.fa-fighter-jet:before{content:"\f0fb"}.fa-beer:before{content:"\f0fc"}.fa-h-square:before{content:"\f0fd"}.fa-plus-square:before{content:"\f0fe"}.fa-angle-double-left:before{content:"\f100"}.fa-angle-double-right:before{content:"\f101"}.fa-angle-double-up:before{content:"\f102"}.fa-angle-double-down:before{content:"\f103"}.fa-angle-left:before{content:"\f104"}.fa-angle-right:before{content:"\f105"}.fa-angle-up:before{content:"\f106"}.fa-angle-down:before{content:"\f107"}.fa-desktop:before{content:"\f108"}.fa-laptop:before{content:"\f109"}.fa-tablet:before{content:"\f10a"}.fa-mobile-phone:before,.fa-mobile:before{content:"\f10b"}.fa-circle-o:before{content:"\f10c"}.fa-quote-left:before{content:"\f10d"}.fa-quote-right:before{content:"\f10e"}.fa-spinner:before{content:"\f110"}.fa-circle:before{content:"\f111"}.fa-mail-reply:before,.fa-reply:before{content:"\f112"}.fa-github-alt:before{content:"\f113"}.fa-folder-o:before{content:"\f114"}.fa-folder-open-o:before{content:"\f115"}.fa-smile-o:before{content:"\f118"}.fa-frown-o:before{content:"\f119"}.fa-meh-o:before{content:"\f11a"}.fa-gamepad:before{content:"\f11b"}.fa-keyboard-o:before{content:"\f11c"}.fa-flag-o:before{content:"\f11d"}.fa-flag-checkered:before{content:"\f11e"}.fa-terminal:before{content:"\f120"}.fa-code:before{content:"\f121"}.fa-mail-reply-all:before,.fa-reply-all:before{content:"\f122"}.fa-star-half-empty:before,.fa-star-half-full:before,.fa-star-half-o:before{content:"\f123"}.fa-location-arrow:before{content:"\f124"}.fa-crop:before{content:"\f125"}.fa-code-fork:before{content:"\f126"}.fa-unlink:before,.fa-chain-broken:before{content:"\f127"}.fa-question:before{content:"\f128"}.fa-info:before{content:"\f129"}.fa-exclamation:before{content:"\f12a"}.fa-superscript:before{content:"\f12b"}.fa-subscript:before{content:"\f12c"}.fa-eraser:before{content:"\f12d"}.fa-puzzle-piece:before{content:"\f12e"}.fa-microphone:before{content:"\f130"}.fa-microphone-slash:before{content:"\f131"}.fa-shield:before{content:"\f132"}.fa-calendar-o:before{content:"\f133"}.fa-fire-extinguisher:before{content:"\f134"}.fa-rocket:before{content:"\f135"}.fa-maxcdn:before{content:"\f136"}.fa-chevron-circle-left:before{content:"\f137"}.fa-chevron-circle-right:before{content:"\f138"}.fa-chevron-circle-up:before{content:"\f139"}.fa-chevron-circle-down:before{content:"\f13a"}.fa-html5:before{content:"\f13b"}.fa-css3:before{content:"\f13c"}.fa-anchor:before{content:"\f13d"}.fa-unlock-alt:before{content:"\f13e"}.fa-bullseye:before{content:"\f140"}.fa-ellipsis-h:before{content:"\f141"}.fa-ellipsis-v:before{content:"\f142"}.fa-rss-square:before{content:"\f143"}.fa-play-circle:before{content:"\f144"}.fa-ticket:before{content:"\f145"}.fa-minus-square:before{content:"\f146"}.fa-minus-square-o:before{content:"\f147"}.fa-level-up:before{content:"\f148"}.fa-level-down:before{content:"\f149"}.fa-check-square:before{content:"\f14a"}.fa-pencil-square:before{content:"\f14b"}.fa-external-link-square:before{content:"\f14c"}.fa-share-square:before{content:"\f14d"}.fa-compass:before{content:"\f14e"}.fa-toggle-down:before,.fa-caret-square-o-down:before{content:"\f150"}.fa-toggle-up:before,.fa-caret-square-o-up:before{content:"\f151"}.fa-toggle-right:before,.fa-caret-square-o-right:before{content:"\f152"}.fa-euro:before,.fa-eur:before{content:"\f153"}.fa-gbp:before{content:"\f154"}.fa-dollar:before,.fa-usd:before{content:"\f155"}.fa-rupee:before,.fa-inr:before{content:"\f156"}.fa-cny:before,.fa-rmb:before,.fa-yen:before,.fa-jpy:before{content:"\f157"}.fa-ruble:before,.fa-rouble:before,.fa-rub:before{content:"\f158"}.fa-won:before,.fa-krw:before{content:"\f159"}.fa-bitcoin:before,.fa-btc:before{content:"\f15a"}.fa-file:before{content:"\f15b"}.fa-file-text:before{content:"\f15c"}.fa-sort-alpha-asc:before{content:"\f15d"}.fa-sort-alpha-desc:before{content:"\f15e"}.fa-sort-amount-asc:before{content:"\f160"}.fa-sort-amount-desc:before{content:"\f161"}.fa-sort-numeric-asc:before{content:"\f162"}.fa-sort-numeric-desc:before{content:"\f163"}.fa-thumbs-up:before{content:"\f164"}.fa-thumbs-down:before{content:"\f165"}.fa-youtube-square:before{content:"\f166"}.fa-youtube:before{content:"\f167"}.fa-xing:before{content:"\f168"}.fa-xing-square:before{content:"\f169"}.fa-youtube-play:before{content:"\f16a"}.fa-dropbox:before{content:"\f16b"}.fa-stack-overflow:before{content:"\f16c"}.fa-instagram:before{content:"\f16d"}.fa-flickr:before{content:"\f16e"}.fa-adn:before{content:"\f170"}.fa-bitbucket:before{content:"\f171"}.fa-bitbucket-square:before{content:"\f172"}.fa-tumblr:before{content:"\f173"}.fa-tumblr-square:before{content:"\f174"}.fa-long-arrow-down:before{content:"\f175"}.fa-long-arrow-up:before{content:"\f176"}.fa-long-arrow-left:before{content:"\f177"}.fa-long-arrow-right:before{content:"\f178"}.fa-apple:before{content:"\f179"}.fa-windows:before{content:"\f17a"}.fa-android:before{content:"\f17b"}.fa-linux:before{content:"\f17c"}.fa-dribbble:before{content:"\f17d"}.fa-skype:before{content:"\f17e"}.fa-foursquare:before{content:"\f180"}.fa-trello:before{content:"\f181"}.fa-female:before{content:"\f182"}.fa-male:before{content:"\f183"}.fa-gittip:before,.fa-gratipay:before{content:"\f184"}.fa-sun-o:before{content:"\f185"}.fa-moon-o:before{content:"\f186"}.fa-archive:before{content:"\f187"}.fa-bug:before{content:"\f188"}.fa-vk:before{content:"\f189"}.fa-weibo:before{content:"\f18a"}.fa-renren:before{content:"\f18b"}.fa-pagelines:before{content:"\f18c"}.fa-stack-exchange:before{content:"\f18d"}.fa-arrow-circle-o-right:before{content:"\f18e"}.fa-arrow-circle-o-left:before{content:"\f190"}.fa-toggle-left:before,.fa-caret-square-o-left:before{content:"\f191"}.fa-dot-circle-o:before{content:"\f192"}.fa-wheelchair:before{content:"\f193"}.fa-vimeo-square:before{content:"\f194"}.fa-turkish-lira:before,.fa-try:before{content:"\f195"}.fa-plus-square-o:before{content:"\f196"}.fa-space-shuttle:before{content:"\f197"}.fa-slack:before{content:"\f198"}.fa-envelope-square:before{content:"\f199"}.fa-wordpress:before{content:"\f19a"}.fa-openid:before{content:"\f19b"}.fa-institution:before,.fa-bank:before,.fa-university:before{content:"\f19c"}.fa-mortar-board:before,.fa-graduation-cap:before{content:"\f19d"}.fa-yahoo:before{content:"\f19e"}.fa-google:before{content:"\f1a0"}.fa-reddit:before{content:"\f1a1"}.fa-reddit-square:before{content:"\f1a2"}.fa-stumbleupon-circle:before{content:"\f1a3"}.fa-stumbleupon:before{content:"\f1a4"}.fa-delicious:before{content:"\f1a5"}.fa-digg:before{content:"\f1a6"}.fa-pied-piper:before{content:"\f1a7"}.fa-pied-piper-alt:before{content:"\f1a8"}.fa-drupal:before{content:"\f1a9"}.fa-joomla:before{content:"\f1aa"}.fa-language:before{content:"\f1ab"}.fa-fax:before{content:"\f1ac"}.fa-building:before{content:"\f1ad"}.fa-child:before{content:"\f1ae"}.fa-paw:before{content:"\f1b0"}.fa-spoon:before{content:"\f1b1"}.fa-cube:before{content:"\f1b2"}.fa-cubes:before{content:"\f1b3"}.fa-behance:before{content:"\f1b4"}.fa-behance-square:before{content:"\f1b5"}.fa-steam:before{content:"\f1b6"}.fa-steam-square:before{content:"\f1b7"}.fa-recycle:before{content:"\f1b8"}.fa-automobile:before,.fa-car:before{content:"\f1b9"}.fa-cab:before,.fa-taxi:before{content:"\f1ba"}.fa-tree:before{content:"\f1bb"}.fa-spotify:before{content:"\f1bc"}.fa-deviantart:before{content:"\f1bd"}.fa-soundcloud:before{content:"\f1be"}.fa-database:before{content:"\f1c0"}.fa-file-pdf-o:before{content:"\f1c1"}.fa-file-word-o:before{content:"\f1c2"}.fa-file-excel-o:before{content:"\f1c3"}.fa-file-powerpoint-o:before{content:"\f1c4"}.fa-file-photo-o:before,.fa-file-picture-o:before,.fa-file-image-o:before{content:"\f1c5"}.fa-file-zip-o:before,.fa-file-archive-o:before{content:"\f1c6"}.fa-file-sound-o:before,.fa-file-audio-o:before{content:"\f1c7"}.fa-file-movie-o:before,.fa-file-video-o:before{content:"\f1c8"}.fa-file-code-o:before{content:"\f1c9"}.fa-vine:before{content:"\f1ca"}.fa-codepen:before{content:"\f1cb"}.fa-jsfiddle:before{content:"\f1cc"}.fa-life-bouy:before,.fa-life-buoy:before,.fa-life-saver:before,.fa-support:before,.fa-life-ring:before{content:"\f1cd"}.fa-circle-o-notch:before{content:"\f1ce"}.fa-ra:before,.fa-rebel:before{content:"\f1d0"}.fa-ge:before,.fa-empire:before{content:"\f1d1"}.fa-git-square:before{content:"\f1d2"}.fa-git:before{content:"\f1d3"}.fa-hacker-news:before{content:"\f1d4"}.fa-tencent-weibo:before{content:"\f1d5"}.fa-qq:before{content:"\f1d6"}.fa-wechat:before,.fa-weixin:before{content:"\f1d7"}.fa-send:before,.fa-paper-plane:before{content:"\f1d8"}.fa-send-o:before,.fa-paper-plane-o:before{content:"\f1d9"}.fa-history:before{content:"\f1da"}.fa-genderless:before,.fa-circle-thin:before{content:"\f1db"}.fa-header:before{content:"\f1dc"}.fa-paragraph:before{content:"\f1dd"}.fa-sliders:before{content:"\f1de"}.fa-share-alt:before{content:"\f1e0"}.fa-share-alt-square:before{content:"\f1e1"}.fa-bomb:before{content:"\f1e2"}.fa-soccer-ball-o:before,.fa-futbol-o:before{content:"\f1e3"}.fa-tty:before{content:"\f1e4"}.fa-binoculars:before{content:"\f1e5"}.fa-plug:before{content:"\f1e6"}.fa-slideshare:before{content:"\f1e7"}.fa-twitch:before{content:"\f1e8"}.fa-yelp:before{content:"\f1e9"}.fa-newspaper-o:before{content:"\f1ea"}.fa-wifi:before{content:"\f1eb"}.fa-calculator:before{content:"\f1ec"}.fa-paypal:before{content:"\f1ed"}.fa-google-wallet:before{content:"\f1ee"}.fa-cc-visa:before{content:"\f1f0"}.fa-cc-mastercard:before{content:"\f1f1"}.fa-cc-discover:before{content:"\f1f2"}.fa-cc-amex:before{content:"\f1f3"}.fa-cc-paypal:before{content:"\f1f4"}.fa-cc-stripe:before{content:"\f1f5"}.fa-bell-slash:before{content:"\f1f6"}.fa-bell-slash-o:before{content:"\f1f7"}.fa-trash:before{content:"\f1f8"}.fa-copyright:before{content:"\f1f9"}.fa-at:before{content:"\f1fa"}.fa-eyedropper:before{content:"\f1fb"}.fa-paint-brush:before{content:"\f1fc"}.fa-birthday-cake:before{content:"\f1fd"}.fa-area-chart:before{content:"\f1fe"}.fa-pie-chart:before{content:"\f200"}.fa-line-chart:before{content:"\f201"}.fa-lastfm:before{content:"\f202"}.fa-lastfm-square:before{content:"\f203"}.fa-toggle-off:before{content:"\f204"}.fa-toggle-on:before{content:"\f205"}.fa-bicycle:before{content:"\f206"}.fa-bus:before{content:"\f207"}.fa-ioxhost:before{content:"\f208"}.fa-angellist:before{content:"\f209"}.fa-cc:before{content:"\f20a"}.fa-shekel:before,.fa-sheqel:before,.fa-ils:before{content:"\f20b"}.fa-meanpath:before{content:"\f20c"}.fa-buysellads:before{content:"\f20d"}.fa-connectdevelop:before{content:"\f20e"}.fa-dashcube:before{content:"\f210"}.fa-forumbee:before{content:"\f211"}.fa-leanpub:before{content:"\f212"}.fa-sellsy:before{content:"\f213"}.fa-shirtsinbulk:before{content:"\f214"}.fa-simplybuilt:before{content:"\f215"}.fa-skyatlas:before{content:"\f216"}.fa-cart-plus:before{content:"\f217"}.fa-cart-arrow-down:before{content:"\f218"}.fa-diamond:before{content:"\f219"}.fa-ship:before{content:"\f21a"}.fa-user-secret:before{content:"\f21b"}.fa-motorcycle:before{content:"\f21c"}.fa-street-view:before{content:"\f21d"}.fa-heartbeat:before{content:"\f21e"}.fa-venus:before{content:"\f221"}.fa-mars:before{content:"\f222"}.fa-mercury:before{content:"\f223"}.fa-transgender:before{content:"\f224"}.fa-transgender-alt:before{content:"\f225"}.fa-venus-double:before{content:"\f226"}.fa-mars-double:before{content:"\f227"}.fa-venus-mars:before{content:"\f228"}.fa-mars-stroke:before{content:"\f229"}.fa-mars-stroke-v:before{content:"\f22a"}.fa-mars-stroke-h:before{content:"\f22b"}.fa-neuter:before{content:"\f22c"}.fa-facebook-official:before{content:"\f230"}.fa-pinterest-p:before{content:"\f231"}.fa-whatsapp:before{content:"\f232"}.fa-server:before{content:"\f233"}.fa-user-plus:before{content:"\f234"}.fa-user-times:before{content:"\f235"}.fa-hotel:before,.fa-bed:before{content:"\f236"}.fa-viacoin:before{content:"\f237"}.fa-train:before{content:"\f238"}.fa-subway:before{content:"\f239"}.fa-medium:before{content:"\f23a"} \ No newline at end of file diff --git a/docs/build/html/_static/default.css b/docs/build/html/_static/default.css deleted file mode 100644 index 81b9363..0000000 --- a/docs/build/html/_static/default.css +++ /dev/null @@ -1 +0,0 @@ -@import url("classic.css"); diff --git a/docs/build/html/_static/doctools.js b/docs/build/html/_static/doctools.js index daccd20..527b876 100644 --- a/docs/build/html/_static/doctools.js +++ b/docs/build/html/_static/doctools.js @@ -2,314 +2,155 @@ * doctools.js * ~~~~~~~~~~~ * - * Sphinx JavaScript utilities for all documentation. + * Base JavaScript utilities for all Sphinx HTML documentation. * - * :copyright: Copyright 2007-2020 by the Sphinx team, see AUTHORS. + * :copyright: Copyright 2007-2022 by the Sphinx team, see AUTHORS. * :license: BSD, see LICENSE for details. * */ - -/** - * select a different prefix for underscore - */ -$u = _.noConflict(); - -/** - * make the code below compatible with browsers without - * an installed firebug like debugger -if (!window.console || !console.firebug) { - var names = ["log", "debug", "info", "warn", "error", "assert", "dir", - "dirxml", "group", "groupEnd", "time", "timeEnd", "count", "trace", - "profile", "profileEnd"]; - window.console = {}; - for (var i = 0; i < names.length; ++i) - window.console[names[i]] = function() {}; -} - */ - -/** - * small helper function to urldecode strings - */ -jQuery.urldecode = function(x) { - return decodeURIComponent(x).replace(/\+/g, ' '); -}; - -/** - * small helper function to urlencode strings - */ -jQuery.urlencode = encodeURIComponent; - -/** - * This function returns the parsed url parameters of the - * current request. Multiple values per key are supported, - * it will always return arrays of strings for the value parts. - */ -jQuery.getQueryParameters = function(s) { - if (typeof s === 'undefined') - s = document.location.search; - var parts = s.substr(s.indexOf('?') + 1).split('&'); - var result = {}; - for (var i = 0; i < parts.length; i++) { - var tmp = parts[i].split('=', 2); - var key = jQuery.urldecode(tmp[0]); - var value = jQuery.urldecode(tmp[1]); - if (key in result) - result[key].push(value); - else - result[key] = [value]; +"use strict"; + +const BLACKLISTED_KEY_CONTROL_ELEMENTS = new Set([ + "TEXTAREA", + "INPUT", + "SELECT", + "BUTTON", +]); + +const _ready = (callback) => { + if (document.readyState !== "loading") { + callback(); + } else { + document.addEventListener("DOMContentLoaded", callback); } - return result; }; -/** - * highlight a given string on a jquery object by wrapping it in - * span elements with the given class name. - */ -jQuery.fn.highlightText = function(text, className) { - function highlight(node, addItems) { - if (node.nodeType === 3) { - var val = node.nodeValue; - var pos = val.toLowerCase().indexOf(text); - if (pos >= 0 && - !jQuery(node.parentNode).hasClass(className) && - !jQuery(node.parentNode).hasClass("nohighlight")) { - var span; - var isInSVG = jQuery(node).closest("body, svg, foreignObject").is("svg"); - if (isInSVG) { - span = document.createElementNS("http://www.w3.org/2000/svg", "tspan"); - } else { - span = document.createElement("span"); - span.className = className; - } - span.appendChild(document.createTextNode(val.substr(pos, text.length))); - node.parentNode.insertBefore(span, node.parentNode.insertBefore( - document.createTextNode(val.substr(pos + text.length)), - node.nextSibling)); - node.nodeValue = val.substr(0, pos); - if (isInSVG) { - var rect = document.createElementNS("http://www.w3.org/2000/svg", "rect"); - var bbox = node.parentElement.getBBox(); - rect.x.baseVal.value = bbox.x; - rect.y.baseVal.value = bbox.y; - rect.width.baseVal.value = bbox.width; - rect.height.baseVal.value = bbox.height; - rect.setAttribute('class', className); - addItems.push({ - "parent": node.parentNode, - "target": rect}); - } - } - } - else if (!jQuery(node).is("button, select, textarea")) { - jQuery.each(node.childNodes, function() { - highlight(this, addItems); - }); - } - } - var addItems = []; - var result = this.each(function() { - highlight(this, addItems); - }); - for (var i = 0; i < addItems.length; ++i) { - jQuery(addItems[i].parent).before(addItems[i].target); - } - return result; -}; - -/* - * backward compatibility for jQuery.browser - * This will be supported until firefox bug is fixed. - */ -if (!jQuery.browser) { - jQuery.uaMatch = function(ua) { - ua = ua.toLowerCase(); - - var match = /(chrome)[ \/]([\w.]+)/.exec(ua) || - /(webkit)[ \/]([\w.]+)/.exec(ua) || - /(opera)(?:.*version|)[ \/]([\w.]+)/.exec(ua) || - /(msie) ([\w.]+)/.exec(ua) || - ua.indexOf("compatible") < 0 && /(mozilla)(?:.*? rv:([\w.]+)|)/.exec(ua) || - []; - - return { - browser: match[ 1 ] || "", - version: match[ 2 ] || "0" - }; - }; - jQuery.browser = {}; - jQuery.browser[jQuery.uaMatch(navigator.userAgent).browser] = true; -} - /** * Small JavaScript module for the documentation. */ -var Documentation = { - - init : function() { - this.fixFirefoxAnchorBug(); - this.highlightSearchWords(); - this.initIndexTable(); - if (DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) { - this.initOnKeyListeners(); - } +const Documentation = { + init: () => { + Documentation.initDomainIndexTable(); + Documentation.initOnKeyListeners(); }, /** * i18n support */ - TRANSLATIONS : {}, - PLURAL_EXPR : function(n) { return n === 1 ? 0 : 1; }, - LOCALE : 'unknown', + TRANSLATIONS: {}, + PLURAL_EXPR: (n) => (n === 1 ? 0 : 1), + LOCALE: "unknown", // gettext and ngettext don't access this so that the functions // can safely bound to a different name (_ = Documentation.gettext) - gettext : function(string) { - var translated = Documentation.TRANSLATIONS[string]; - if (typeof translated === 'undefined') - return string; - return (typeof translated === 'string') ? translated : translated[0]; - }, - - ngettext : function(singular, plural, n) { - var translated = Documentation.TRANSLATIONS[singular]; - if (typeof translated === 'undefined') - return (n == 1) ? singular : plural; - return translated[Documentation.PLURALEXPR(n)]; + gettext: (string) => { + const translated = Documentation.TRANSLATIONS[string]; + switch (typeof translated) { + case "undefined": + return string; // no translation + case "string": + return translated; // translation exists + default: + return translated[0]; // (singular, plural) translation tuple exists + } }, - addTranslations : function(catalog) { - for (var key in catalog.messages) - this.TRANSLATIONS[key] = catalog.messages[key]; - this.PLURAL_EXPR = new Function('n', 'return +(' + catalog.plural_expr + ')'); - this.LOCALE = catalog.locale; + ngettext: (singular, plural, n) => { + const translated = Documentation.TRANSLATIONS[singular]; + if (typeof translated !== "undefined") + return translated[Documentation.PLURAL_EXPR(n)]; + return n === 1 ? singular : plural; }, - /** - * add context elements like header anchor links - */ - addContextElements : function() { - $('div[id] > :header:first').each(function() { - $('\u00B6'). - attr('href', '#' + this.id). - attr('title', _('Permalink to this headline')). - appendTo(this); - }); - $('dt[id]').each(function() { - $('\u00B6'). - attr('href', '#' + this.id). - attr('title', _('Permalink to this definition')). - appendTo(this); - }); + addTranslations: (catalog) => { + Object.assign(Documentation.TRANSLATIONS, catalog.messages); + Documentation.PLURAL_EXPR = new Function( + "n", + `return (${catalog.plural_expr})` + ); + Documentation.LOCALE = catalog.locale; }, /** - * workaround a firefox stupidity - * see: https://bugzilla.mozilla.org/show_bug.cgi?id=645075 + * helper function to focus on search bar */ - fixFirefoxAnchorBug : function() { - if (document.location.hash && $.browser.mozilla) - window.setTimeout(function() { - document.location.href += ''; - }, 10); + focusSearchBar: () => { + document.querySelectorAll("input[name=q]")[0]?.focus(); }, /** - * highlight the search words provided in the url in the text + * Initialise the domain index toggle buttons */ - highlightSearchWords : function() { - var params = $.getQueryParameters(); - var terms = (params.highlight) ? params.highlight[0].split(/\s+/) : []; - if (terms.length) { - var body = $('div.body'); - if (!body.length) { - body = $('body'); + initDomainIndexTable: () => { + const toggler = (el) => { + const idNumber = el.id.substr(7); + const toggledRows = document.querySelectorAll(`tr.cg-${idNumber}`); + if (el.src.substr(-9) === "minus.png") { + el.src = `${el.src.substr(0, el.src.length - 9)}plus.png`; + toggledRows.forEach((el) => (el.style.display = "none")); + } else { + el.src = `${el.src.substr(0, el.src.length - 8)}minus.png`; + toggledRows.forEach((el) => (el.style.display = "")); } - window.setTimeout(function() { - $.each(terms, function() { - body.highlightText(this.toLowerCase(), 'highlighted'); - }); - }, 10); - $('') - .appendTo($('#searchbox')); - } - }, - - /** - * init the domain index toggle buttons - */ - initIndexTable : function() { - var togglers = $('img.toggler').click(function() { - var src = $(this).attr('src'); - var idnum = $(this).attr('id').substr(7); - $('tr.cg-' + idnum).toggle(); - if (src.substr(-9) === 'minus.png') - $(this).attr('src', src.substr(0, src.length-9) + 'plus.png'); - else - $(this).attr('src', src.substr(0, src.length-8) + 'minus.png'); - }).css('display', ''); - if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) { - togglers.click(); - } - }, - - /** - * helper function to hide the search marks again - */ - hideSearchWords : function() { - $('#searchbox .highlight-link').fadeOut(300); - $('span.highlighted').removeClass('highlighted'); - }, - - /** - * make the url absolute - */ - makeURL : function(relativeURL) { - return DOCUMENTATION_OPTIONS.URL_ROOT + '/' + relativeURL; - }, + }; - /** - * get the current relative url - */ - getCurrentURL : function() { - var path = document.location.pathname; - var parts = path.split(/\//); - $.each(DOCUMENTATION_OPTIONS.URL_ROOT.split(/\//), function() { - if (this === '..') - parts.pop(); - }); - var url = parts.join('/'); - return path.substring(url.lastIndexOf('/') + 1, path.length - 1); + const togglerElements = document.querySelectorAll("img.toggler"); + togglerElements.forEach((el) => + el.addEventListener("click", (event) => toggler(event.currentTarget)) + ); + togglerElements.forEach((el) => (el.style.display = "")); + if (DOCUMENTATION_OPTIONS.COLLAPSE_INDEX) togglerElements.forEach(toggler); }, - initOnKeyListeners: function() { - $(document).keydown(function(event) { - var activeElementType = document.activeElement.tagName; - // don't navigate when in search box or textarea - if (activeElementType !== 'TEXTAREA' && activeElementType !== 'INPUT' && activeElementType !== 'SELECT' - && !event.altKey && !event.ctrlKey && !event.metaKey && !event.shiftKey) { - switch (event.keyCode) { - case 37: // left - var prevHref = $('link[rel="prev"]').prop('href'); - if (prevHref) { - window.location.href = prevHref; - return false; + initOnKeyListeners: () => { + // only install a listener if it is really needed + if ( + !DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS && + !DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS + ) + return; + + document.addEventListener("keydown", (event) => { + // bail for input elements + if (BLACKLISTED_KEY_CONTROL_ELEMENTS.has(document.activeElement.tagName)) return; + // bail with special keys + if (event.altKey || event.ctrlKey || event.metaKey) return; + + if (!event.shiftKey) { + switch (event.key) { + case "ArrowLeft": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const prevLink = document.querySelector('link[rel="prev"]'); + if (prevLink && prevLink.href) { + window.location.href = prevLink.href; + event.preventDefault(); } - case 39: // right - var nextHref = $('link[rel="next"]').prop('href'); - if (nextHref) { - window.location.href = nextHref; - return false; + break; + case "ArrowRight": + if (!DOCUMENTATION_OPTIONS.NAVIGATION_WITH_KEYS) break; + + const nextLink = document.querySelector('link[rel="next"]'); + if (nextLink && nextLink.href) { + window.location.href = nextLink.href; + event.preventDefault(); } + break; } } + + // some keyboard layouts may need Shift to get / + switch (event.key) { + case "/": + if (!DOCUMENTATION_OPTIONS.ENABLE_SEARCH_SHORTCUTS) break; + Documentation.focusSearchBar(); + event.preventDefault(); + } }); - } + }, }; // quick alias for translations -_ = Documentation.gettext; +const _ = Documentation.gettext; -$(document).ready(function() { - Documentation.init(); -}); +_ready(Documentation.init); diff --git a/docs/build/html/_static/documentation_options.js b/docs/build/html/_static/documentation_options.js index 895ff1e..46dea9b 100644 --- a/docs/build/html/_static/documentation_options.js +++ b/docs/build/html/_static/documentation_options.js @@ -1,11 +1,14 @@ var DOCUMENTATION_OPTIONS = { URL_ROOT: document.getElementById("documentation_options").getAttribute('data-url_root'), - VERSION: '1.2.1', - LANGUAGE: 'None', + VERSION: '1.3.0', + LANGUAGE: 'en', COLLAPSE_INDEX: false, BUILDER: 'html', FILE_SUFFIX: '.html', + LINK_SUFFIX: '.html', HAS_SOURCE: true, SOURCELINK_SUFFIX: '.txt', - NAVIGATION_WITH_KEYS: false + NAVIGATION_WITH_KEYS: false, + SHOW_SEARCH_SUMMARY: true, + ENABLE_SEARCH_SHORTCUTS: true, }; \ No newline at end of file diff --git a/docs/build/html/_static/favicon.ico b/docs/build/html/_static/favicon.ico new file mode 100644 index 0000000000000000000000000000000000000000..7bbe3ec31e9771f5fc967138b4b0a0abbe8b6800 GIT binary patch literal 2493 zcmV;u2}1UXP)BqR{BBL)$pfLKt3iW^E@7!}*m(U#G%&J_L7Wu#c^ zQf=*6t+u68#p<*b+u~N2QM4_KBG3v{0YMN*BxHM&cfH#={cw|LfDy*$%boMgxzGRq ztmhn|wdQ2xx}|rQ)ihQwsTxz-QaW;YgYDSkq!dXZg(f7I&F5QtvxVJz4;QN};zR_lx$XYOb7!6Uqq_0qFKei&EU_(>qSZU7n*af^JxBObHx ze1#z)2ty1*0w#XoBZMFfLOyLh+_7%U2dkFWs+K8DHJ%>=pp_<-icu(dXdoGP$QL{uTjB>`nGp~I&>A64JkLWK z24N5&rDWSjAMbqrjdeFX{m`B7eGyL%@%+}iYv;|G_T=RHnwp~PVq0d!QVLY45keq@ zAYbsXEs5tV;xUUL(8OX6wq;^jCYpi0M5F{XH`PtL`l7Erb#Ljn;Q$1!kSKT44Rv_c4wLPkW0h@aNfIBC)R z`Kv_bnTY{hW5tRU0JI%R|NM#tv#$<91%N`Jl|l%O))I}tFa%0P-UWds5w{2eP@%#! zBXB7thKv9;0rLkgr2>^soL_Fa4XD=zw6JbU^L(-z*? zFi2qb%u|0jv9i1@REn5mp#dojG@4w#fRGx2MrlDdSEQ|@gB6dgBv7D5h!g_1sIW|d z=Y<3cVzv!vw(Qu+TN^ebgdB9FvZB25+Dk6E4Zyr`@v>33-+JvrLqMPf*+LO%z$1TH z&6e#uX>IS|v7ans-KOoV-ME?2r6Xx>tl`b|?{o2avv_9BYut0k&D?P3y@X-NeRnS9 z$>(1so#|t8-9)OZDkA5FhW=X6TGQNAyQs9``n$}QvnF5LIB`Om)*1o0MUT>v!vVN- z{yB8@WZ1lI7pwmE59ZElVeR_OTyyCHnrc5{=CmnHpW4i`FTBPDvuAMCMd#ysK4(m6 zWbgh~-g)mo+%&PWKlU0SWPeS;1UA57s=!@ESNJL$Fj)eGb~wjF_Y_SsjjR*O39If2PkIq;Co2dg)lfp z{Bh0Nk1w1vy}q|EheFfeg>-av(w8k#aD7a}!1G*EsW^_|(AL$7W7+s#!0_QQ>Z>LY zPsY(YI-J5#6NZ{$DVsteARe~>P5R-7s5`hHqy*FCMPeD#FpXs1^`fw75CXK0dcUfo zl#Z?p$wY$Ao*twyFilNGSsAu%;`@q1u?SKj(F7Wben>KAQ7i^zvL3^RIpp&m!@?ql zR|MN0oPr|sEmMVxY_33QNs3IifDjU`HOWLA+pwq@Q%V>@BIe)+KDKEhqyQwL4hj7v zhG7zq+vM{;3QfM?Q`qw%WiPEk`5p-&@GJ{A3>YE;Oi)>+G*ZX`_Yp#nO2k13#*7?B zI#UF#(ORRl!Zsy_X%Pe}(kV?gS0o;DD7rpMz^=|bFUktsR18ft1=HC+RA~viKh5b} zcfl;WVJpzklg^P$I^ZWLZCH5Gm_rDGA1E9fLO_d17b=Ax_(%!#X33Z_ zeq%I&`rP5lWG}61#NfKd5m__c+qWAy&kqCQvEdN`5gj>bjpv1oC{5vK3TO>z&}gzb zmr)~A^k$17G>0Gk1?3%w5z-(uO-2a|N)`->_`oC_5DUFe?%mh=K9OBIx_gP+)}W^Y zdFt-&C6%y|{l~Eo5-p%Bouee-U}Q6l^NQ5l7Imhi5k-|T6bv9#L+>7iTxPBL`s?df zFF1eZkLxE?Rt13~9(O2s0XjOq5Ly#xjpqeO19T|p{bUb%+g1$MB@f6{lGssT@>u*K zVi(hD-3OZ2x0PSsN`| z-viT(dK!2>G&$g;1_3_tzMQ~V%ip+r!*ksxz{_v0eQ@fe`b9NW-{xhW4&BV@gX%_vH}4k>5Q=X)a4BCGEDuE>ClnF@1>fQp-3B?O3k|%Bs}w zer4yHhqn(B0C?buXYU(VG4}MiGg=mE1+M2~3Q3qrQRU9c>3T?Yw3{H%LJ5d%HMm;j&vspsJ_E#A&^r&&Z@rua*eIfB^zPs1#pC z3^&u$edy5n2RA%C_(m|lxM9Of54T?Po#i(-B)vDz&UTd`CF6iSN5%651%6y9)0wQ> zdE^^ApSx$*5L?H4n9RKV+he~!Y5bdudfS@Onr{_LIGBiTHfV5ko}DA74*6%SPSY+* z2G^tg!*p0tnyN^*_U+j*XWR4le{wXId9(uH-4|B2i<-G-{c_Q{zrIuymSpX6XJ4}6 zb1?7N3O}BVpx~DjJ6Hefg}>aS_q|;_-kuXaPMf~Iq&8H^D~b&>uQyA^P6cq=c75cG zYdYnN`~0p$yRFiyMt~rFWPg7Dwr5r5vnSK*|Gf9h?4OXp;Kt^;sgjCQ=UJmF&(yh| z(RM}c6oecBLZVck+uin|6(80Uq}#W2e!BTZz2oid$=LlrD|bN!D?S-s00000NkvXX Hu0mjfkcF>~ literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/fonts/FontAwesome.otf b/docs/build/html/_static/fonts/FontAwesome.otf new file mode 100644 index 0000000000000000000000000000000000000000..f7936cc1e789eea5438d576d6b12de20191da09d GIT binary patch literal 93888 zcmd42d0dmn)&M*q$&>IrNkAnE2~UDcwN|Yni)&k3x3<=`)U}E%VTWK6K=vJEku~ff z2)NYU>b2EsrK`4fm-cq?_I9~#Z?y|}wUaPGzcWvW^}g?Y-{1TDe%~J-50jZW&zUo4 zX3m_MIdh)XAt9@gJIX_1M)9VUdz`uQb8Cb_l^S0PqmA-jMExFexU{vQzhlR}Dh)B@ki~!*(XS z`L2Oi$OeH)3QIIRkak-N^tU4<(I*?t7T^Q^JdePSpHQs?y@k$QoE7S^@HP_5=u32E z?cZn7_@f`|4&A+b=dQbmp$v+V8->Cjus2ojnB|;FePMLxE6B0EAihaDre) zB>+~KzzgNkfTDy_e!z(l@GQ_y+PeSLcFKPQV7TZaD6}IU zU||5I@K_WM?fa8T5|pC32*5Uv^ot1~v?uTHng7)DbWAMJOY>ox&V-gY>ks?4at{mq z{@*cYLJv8)NfLUAssor4LJ&|h; zHLz#k*uaYe9}Ijw@Y}$hLDiscaLV9=gAWfrI=E_Z+hEdQ&S2Hxp21^-uMU1N`1Rm# zgLiJKZt8A6dK=aYsLKx>{4aH&0ndT)1B(XM3~V2W9*7%A9>^Q08R!}~G0->g(ZDwY z1A}PLbI=d!m^wIXaM9qJ!R>>|gL#8BgI$9s2Kxp-8vJH(;3m51d2>9i{OT$azXU#hz}SB2VOT*W{eKyVC;yjs z|JPRxtUO{^mE6R6C|T48Yi=G&mFB@piclzBssB@;??>QUsc=IXS6)cdynqAo{qLYm zI>3`CObEzXj?$p`0MiKcC_E3%cHy{S_s6t;NuE%C5yhhuPy#VcyZEE{KnGxV@51Il zc<0PJaiEO?-vZu9`aiW-fKfVtL(8~g3Kw{UcLG0r9nP{!S9uC^wVS40c~{-8G7xVTLf(D6LmK*T5yg>1xSuA4(LSTG z3odr$A*L`1#P{AqTEH8LDNjN`_u$j1Y`JhKZC76jbpao+@4GvazE`KK?thE(kecGT z+D+fN$_X*hhW2}ojCqvn9pFpur!xZgps@gVmeWEWco~7wI1l+zT2uyTaLYrBAW--{ z7=_=X<4iv|LSKN30atiG61(t)J_eZ3S0nELZ_)kzbMGD0E6@ZysQVs|Kx+mBr6don zqyc!F0pVWWRR_GI^AWZ|Ui{@Rt2{0$z34?b6KE(B~q7%309i(GjZ z9akReTS8$_oe(H41fiXj-UuFZuN*?tX`1rpY8T)?L}9cnl<|{+o})AbygUI{?J9pS z1~^SiAf|Q5A-MRbWoe)~fF3dcFA?f9LOR4%UKqO(914^Dfu_3N33+EZ$|vQCwoPak zrRUNuE*>HFq_7dVA1zPYHd431=l!(*hx8N|&omwhqiHJ+&pd#Qrgb@S?%s9L zgZ!iL-rJQQDd(bfe@qwlNO=F;2;UDmX`yEz-a+~PPXTaMG`Pn8ztVT{n#ax|vzUE%&bO}p~<(s_T5DZs|iaxR*bcc3Y>kH+-fNP7^KB}&7EL(?u?7Y@b0 zznrU18oT&&(FBn5j|%+%@+YD*P$Uv5?mHUN{9>CY8hS`HG|g>jn%L$osZfY36q0h% z;OmZj8Ie@ig`Ud`zFSdoFQJh6PX5EgcZzP*J|2mlTr=8jlp7KOV;mZVeBd-a0ZoUa zPas-|9z{#xxV937pyyF295Z6zSh52SZrLaw?M4l#4RxWz=p=d>^`SS>W%LQUhJHc= z=npguW(kQ%F7gzqMOu+wG*L8F6exOB^rR?66e>y(C5tjerJ@E=yQo`qMD(KQjOd)` zqUcT0Wznai??l%{zlr`O!lFBFtlL;Ot=km0K(|NSmblkx!K$tVu@HO_7UsElf~1;0pfY$#p2cC_2LMzQJf(z6Ss)uc|+ zEa{Q#m%Jc3Dfx?}Px7whs^m+__mW#uMyi%hmQIuUOM|5grAwu&r5mK7(imx?bcZxm znkCJZ7D{(ZYo%?{ZfUP{zx0&!y!18c+tMr2e(878o6=#%jZrXOjEtly%7t$d1ZR$u7#S$Uc>QBl}7AtL&!CAy>$?@(1Mp@?iM_ z`J?is@|E)Epx5&HY2jxfPFUen*Uy*+(|4ROY{9kgryUg9&UFSZ@ zJ;;5z`+E0i_XPK3_f+>h_g(I7?nm5DxSw^u=>ER@=kDLQUw6OdKFo?(jvdWv*vafe z>`GIli^%0{p$Yz5oQzQ7)3PqG)-H`&YV$L!zOf3Sn>5QjK1 zC*#zdmYd84aZhk-xiBt@OXMtEI+w>4bJbh}*T!{n`?!PL5$+UshI^U2z`em;;y&fR z;C|z7Dv&~=@Kksy#w#9BOjXQK_$z`G^AwLL9#=f6ct){C5u(_rcwVtx5vhn#Bq)*< z7R63QmLgA4s;E#@E9wR6{MP{ zdPMcOYN_gJ)hg9G)q2%t)izbQDoPcnN>Z6rsj3WBj;cUaqAFKasp?dXs#et=Rkv!t z>X7P~>P6KV)j8Fxs$W&M=!7t{IWff?8(}ttnId8gNvVbeW3mAZqb7^l5@ww4?-xDa@5lNv4q4q;TWTuDLi>8L%1YEZmq78EXjx8<@qg(-InEpw>SjnHC#q ziGdfvV@fzD)HirEqyl}>q%O^O5@p~y&5z>5ltFwhWOqpZCOa>UQhV+LOs)ForN*$zVXdhd7cJD2${HabRc!+Nma^vw5zxz-)3tiaC^yY+`KENXj|> z0?-&QL_1QTBCu5onb@Q#qmVF1m<(V|j4{GEQnp8i7RorsI6MqGQ5fwolgXIo>{=n^ z>`oz>lI(m*2Uh3>DhMDHu^EQYsFZ|+k)$~>EFr%9xnhnq;NwG=M0;kYjNrs591Vd6J)CQJbV`79cF%bqYF)TXCaIbe#l3jg6 z*)bU`X$Av~jWIcyQi^~{6a_M5Fga@&Nz+p()A2RC8u1e>5vhXb{~f zVTwDaHXTivu?ewB@gQ5yK}$|C$3P=M?hPiG#4yv7;wc`;pUIdUlO7!lwS)_tI47(y zA7NONgo!AKrjxpBayfItTcOxU%Uq3e5=;Sg5D^b@0y0kfFVbW-$3#Yk!@xr4B!wFi z5+Z1yMM1Aw3^6b=p@M7(DLNH}L`t#{(Kb8fDfCZ)`Zs`3_TL~dqJjjDl%OP{6O7@8 zG!x9n7)zKr-V90%Iwjl`Ylw;fb3GM0r(}cG-LNACW_?mrY*MTxJ;7i$3xH^o5jqKa z5CknHGTaab^Eo2L5&<^~$zjQYc*G`~;Z}k6aA-IPALvx02?Qr4!I)qMyM8?ATObl0 zlL9Kl1f)QHg(raFKN_@!DJ3Ev#tN8%S$8iXbaJ%O7!4}--lV-R4?_iF18T$)Ds+^P zg60b`?Mi3L*+o>XCYjA}oj`+7KuDy3EIXGBVf;rV2$(b`7^1@xB0=wm8(|nnM3W-9 zq?D#X!&=O-7HCH@h^z@lH!K;{mjQHW3@EXbgm9R`FqY8FVIjIR%d{OreR9 zP|6ZxggKCGFsH-<^JW8;7H5r7Q3gYl(HJSLKY|9Qm8Zmleou;qQpr@!hb2OVVM!5& zL_=hJtR;%_0Hos#mT-f?6eIL!)T}5&q%j4$J`}iuU)oXs1`zt|-ykW;|CXhl{byNc zN+{$^f_@VSQ?y8fIUe*ibPD_m18zw)hSN3FImw)oD#*)@6c9dv8)r(O2<=Kr0#S3V zpb4&N3$4FjG0{%CPdU-7VJGk*tjiHbIx1#i-8Lsetw0`v>T4u$0?9`pgo zROswE^X}8-W{^4)Ou5)(i#a9SnFyUdHy}ABBZKx$tO3R_meQenfi8aRL!Z&C>wA)Jmd=-+VAD*?0T-GhzXPJ&9L3WQ?agHY~W zP(kbcTZX<34G0K?5R?wfR7$u(Xvj!?=P9|e)B*=5h&Pcea1s!6JPfrHDlwvZ&vO!mJ7H>%)yJ`NFyw( zBMThu);V)iVdDwgGl7B7fVs1rONBFQ1i)+v0T7`7=LSIthA;=hTnO`0l46(nKRzqU zKg>TgU>=~(3xG7B&I8nWfI1IQ=K<=xd7*)`C|)?kvmpdP2o#Dx;Sb4R2y-CJg#f7j zvmgN6A5i@P)jtqI5Cp*U2Rwhk^LN(1c$PqAF<{RI?Ad@l8?a{s_H4kO4cM~*dp1xF z0IC6i7XWwxfEVCoV2P8$5`Tfv68aJf1UShr335V%oe@wAgpz?!Lm<=;2sH#!7!(L} z7FY_E1VJT1Kqm-Lg8(%MP=f$92vCCnH3*mq2E1Uv3kJMkzzcRVvy6fPHF!>xe-s4+ z>KuU00n|BwItO5LfaDw?IVTu!A|M8ma{zBH;LQa*7_&eavp^WLKp3+?7_&eavp^WL zz`1}o5Afyz9t>FEJiwb57&V*r_`G0lFFkC?}TtP5gLHB3 zFi=4-P(d(IK`>B3Fi=4-P(d(IK`{A)0st=n@B#o2#wRFX-k+Wkf4VmO-yAYT5!5=y zqOoWadJs(mXNAY$l7Bf`fmWl9Xe-#nN>K%>Mz5l;(f8;k*uI9)9g!Qj?XV)1XtZdY zXo6^#C`hzi6fQ~;Wr^}c6`~rERkT;MPjpK3w&*?4HPN@Cf4a?fd)#fA+X}a5!N#@K zEd^{`Ic^1D=i29XR4fup#VpvgW`aGdM*Ok(SMe<|0h`q_$x6vOuu~;UQY9IZd`Y>a z3M^D7B>j>fq_d@Kz!J3uY*EqDU0{FOFFhttpC$ zXN+KBdXYK9T$8b~F*0x2DzGJm${J+NU`0A9ds%it_NMHz>?_%CGAu`Ocll`fSh+^7 zlg|Si(i8HhIbiwOsxT|c6b*`2#a_ie#UZfmyb0Ev-xU8+%9P$w?y6XohiaVaL9nwtty-vBhJ% zN0di`N3utXN4iIjM}qa z!N1rR>QoEa70hy8zhXUmWjoKQC-B_Z@%&1@hX3TvbxU*{4!~-70`%NGR>wWa>bU@3 z -dTmw%+WGev}lav(0J5NZ>0ij>kPX1e9G+VWRXxuiPQGQ8yZSNUT3+T?7BBU z;fVLN?d*+dX7NZ_i!8@QM9uvA_IeX#44q#>$&y};S(BIK47jrO)vs-;7UFwTG`IdYuC9Ofc z!)rQ=TNw=by)1VXx(<7QAfCtWRn_&iwUs{jW2UCuT3l873UT+gS>m7O$vezayg+(B zZS|@3TGG#~UmdYIO}~^Zkdk+{@Hg%}!w|Qt{@?5D{ml1Qf5vY5p(pVqUd7A>;as1A-0eb{tI632yuiYvqN6bv9em8!wZNTevmx!PhIQg`i&bj zWcf@ok1QZ69g&ckBy=T-*Cr+I-kqeMhezT0oA6WG%Wu~>tn&`+7FBqDx3SSu#bF+Bgp}au0kevo2f|n5wJd-?eTDSjn%PZ&c6YQ!rDG^(B zIAkGNjYpG6?GJo*Wp-tjp7=j8nan0nXz(UpH`LEu0h!p&+xn|m4v&9|<$75hqJE6! zK4%@)5q`ZIU{u-@bnR z_A`BbXK*RIeLc(}oJhRzSQ0>{j3-i}BV(@<20!rj+g&dl(Cua>?p!&AD6~mCYU|SU zc~yDU1=W#6>fKb*Qqoo;FW7gY=w&S~z;4)xx9LGvaX9Z-NPZ!|I2JlUWs+a;GM?(q zsh~}c@wzcxAMvsPo-2TCujy1pZ?6xRzQ93j(LTL`nSyRD}|-_Tuh zU}pz61A55e6~S`#yRe2QSMgP8Z4u}k?Sr6Exx*~p#Zk%R)VG7a9j|kEF<8Uu9bPz# z)nN;cXX9nftZqdhdxgQra0ZTqy76MxaoTpeizTNWA+qTp#xSXDA>=gk0&jyCAP~}~ z+|0TRE%yx{$vXPgpRn8!D7b>Pdy)PXAQi+K1Uh6o`#G=2Rs+i&X0QUZDMLIaPX>8O zVmZnVurmJJpxfN{Jm^MQz}3ayQyr$`K6w+A5>+#t%?o>RzEZ^Lo{1uSxnY&OK$fvP zy)r{LFwile#S^h#N;RIKKUyi>-B8(J)wJ(wFKg31a?HQ>u@~hjpEh0lT*EPRTtQ#& zqH^K}TE!OSjYa&XP2M+H8|YteP{21>p9`C=gRZefNxA3ug`Z5(`4ZKmtgqyz?Bw2k zr_X78rF|>Zdvm*XHtBXYS}N1>i%Ro~bBgH9vkqCYRm|ZEyp@Zc8yXoInwOK4TfLLc z(u}H>+}6sG(KIu;Gw*czXyeGxen~ zjvQV|ddVj8l9YIn1-OyHGjUZzo3*XB$)~EWx^8!!yo%XfR8>@4)Dz~714xY&S2A2G zuTm3PG?p=+u{a2CW4VCESHG`eaT&{zyA_2jFu4o&aVPntgE4x}m&xODn%aunwe{BB zRrUJrhPLi~8ctSKR9#$KY~MV**}K=&X+5T)%X7c5JO}fFV$eaWEkpg-BId|3k^#># zZU9E^P6*tuodN*>jbR}c=3O2`BwGVh8&**ZwlEyl0p225N5B61>$&H6p*)_+!@od< zd_o#=BmM-QdogJwpKxkxQC)$KW4?f<>>_>K3wZHnJZCEQcny|HVNh4_Tn|DHa1q(SoQ4I?sur-qPuI|n6No|#Lt{t3SB?c95_W~6_ zpi4jncyW*OHZKzR7oPK#d;=P6JPTuALuw*fQiE&8Eb^5~0N@2Z=mim{o(gNA43C8t z&S7C%XJi)T=EA(YE`zx|S4uvRIYMx&+VLQM+$IF_xRg`(?6x%M%ninp^qriH?!RzU29aP-^1PNj4SIbZX(xN| zI5Hn6;K#Xz&;_so!6C301>SD)*h|d4&f2^c@AI7x@+I5(VIF=Q1F zSwUg)KhENOZFz;ze%~SFD@P1B4ATL2bj7=he7NSE&Wh${AFj8z;*_bE!(Mef=SOA8 zHV&U6&tU~_#-~XXR*pI7D>=Xs_vzD#JN#b9?%4gh^A{j6u4{Nswv^>&%R1AWb|hPcaG>6P2d0q+uYwx41OMk?j_tyy<8|B_ zfcfxZE~gm;J%?)ssn2QVK3@CQQVy?&8Hp{j$5~jvse0y~=2uYBDQ9bOGFzP6r01mR z9liOz+TPxVjt-hj&o`MgrUp|-I&9r{vCzLuI6M_L0eNEXJ(w1_ANI_ks$fem#%s&; zFJ9=naz)cp-dfh8<95K_O9nf8{1iKtbuD{bT}5qqoj%C63*W_mNSm9R+dDKWHSh&v z)lZKO#NzPc)_$}k$x@sLo7ER&`5oOQ2eqHP^%2)^z?{FofpAYeaguO9{BRO;{W>l; zH?tV$^0iI5^dwNtb4Rm}SbCsqpJic8LSUy1yGf2{>(W|7+d{h|x~sbD_SVa5kCk(6 zpiZ0gcCqajsnv>;Vc%Y);lgyLw6xT8)2*4_jm=Fh&5iP|UhezFR|7bLh?|CN!L!H& zyrFyV?%mx$HxRb;b=L1$9LNX?f%)L_>g9UuRjI~0!eV!#gMNaA0geR|SQVWpBM*1u zYZ&{O&Vt@v!0;Nfg8txYVDgN80OZ=aQ0j;K@$)dJmog;7{*aUeLp=PDbm@2wFTs=G zS;Ebu%RE(@f|7LH{d_1xJambJg`BSEKp3xMxob~-IDh`~<@4u%^wd|^-hclZRQL=p z&28dju7PpxM{EnZ>v#$ti$~*GU&$kur#`Y!LrFLvm>5DrT+hRCCMiY_9Ahh2U0Vx# zhUu_+J2lQNi$DYzoZReiqh7QBpf zI06mfGH@oVBmJZwPEETwBQwD^M~X)$5Y=@uR?AgU1#pJvT6vtzf648t*H%|oR#xk| zr=Y*^Y1~gv%Q#q};9O)|NOc)-3QEk2gQE@{S~$rGEQ?~edTUi}Ew|*&b)Rrp&CmLg z>!J<1g1vkteb{RpSJ9xw{uZiL7?4{YPt)LOYcN0krtUa5jm4oXx0i)U2Zy7IeV}=_ z-&rZe-!XXm&`K#BWMRt-%eU0h1Ka9uJy$F*E-oxB&=M~uBOA_zxEv08aC(6jKm{HH z1K2|k%ZJCnWbC2i>=roJaN)N>`2zLhz~(UU8ue)YAEOD}J)j!n(t(&F_bLzY!klm!!tC<#X@ncRX3 zPFGb}u)9DD{jHlmX$|4YG!2=?;T3SwhqD|fHFqD$KB@(^zYO+@9UTq5y|4{yZ_7@v z)N@fpc7ow0NQD%FP$t=S1KNiokOXy@b$pB+5gg0wgLz zq7o$9MZb3wRU%Orf)6f4|3L7OoZAfKb`H6H1;-;K4nyKzB))+pG9+1pBrQntC6X>c z(i|l1M$AOSJcnevk?bubUy0ydjpa(@xI|AE+bh;2k1Y#r28}(3#@;~V^l02hH0~(!o{qc|kas@vzKwj&AWbgP>X9}bX{(U77ir%|T8w;s zknaTK`xNrsj(jc1_b~GP3Gu#&Ux)Zqq#KQNo00A#r1wDjKIG?v{8k{pqiDPejo*pJ zUqcgu(S&w1;V_zT0Zkl>CSFF9lF_8g=z(xFIT}qKL{ko;2cJU^f@iA+O^riS522|) zqKBH%G*2{b8k$y(rd>tTen->&(e!uF^v}_Zb?{jdni-E~)}dKh$o~c8e*w*&gl31K z*CoVU^36=?1tnl~HGi$?QW(L93YA4dxU z(1O39g)7h_tI(r<=rMn^Xcl^W8G5_}J^l-NVlH~ZgqB@K%jcoxJJ9k2XgNkt)}tpI z(34H*$rkj~D)e*_din}lF$q2MceHXRTD1tRdIzog7_IsNtqwqI{LtEkXk9g0cO5;O zhMv8HLQbOR)}!?gqYW~&p$=_mK^wZzhS$-CZ_!2_+Bg+$oP{>dK^xyhn;t=%qS59M zwD}s^vJ!1Mfu5g$p07e%=cBEM(6&8j+b<|I2!-aL?GK^tpQ12t6qbs@-az4gDEw&@ z{!bK)Q0yxxmY}$16xWL4+ELt(D1H`-UykBGLF`^E()XbBmr%wGl#zrol_+x}%G`i5Pou0+C~G;& zdKG1>PJwDmjH*wg>K{XxIr zHdOZ$st-W*xv2gMveqN(2dLo^YH^@89cudlwI4<8zo3p3)NuxN44^$9qt4B!vl(?Q zL3@Ky_iL!b;11-$(o6(0+vWKZ*9&q63BKU>G|1Ejly`9m+?C z?C9`ibYwm{atj@M5goUq6GiBxA3C`fo%{^F7>iElqrV(NFO5Sl|BlW^p>uL{ZVP&4 z6nbSndgXm|J{4Vf2EEFmR|n9=k5S)c^x7!&S}c0)9rSuHdi^K#Ry}&_eRSy&bm=O( zydGUXk1h|Qcdnp!Ytg%d=t>WIZ#H^w2)+L?`rs7$a1{FR6ZG+Qbae{q&qV#l(WhzX zvuO0!<>;@C=&v`?=lZG4z!`y7mmZhSA^7ps%&)>vHsWBl`R2 z=-b)o+b_^}7tr^c(LYwA9~Pn?SD~NZK{v|K@4up(0qB+z-CB=seT8nT(d}2!ALkHW zgzziK7KUua$o49-E0FyL8hQWuh-OU%FEh6-u2;6|(^dhOZNSZ8S zbRroql6@j_&k?ao5qm?#O%!qYB86V0aEMf6L>^uuj~0>V9Fb>*$ny=+s9@2kXwj&@ zi$)(5jj0fMJtFdI5vfOu)ZHTWha&aIBK1{~`cu(ZchT6rqH(pNaleVY<3v82MLq{a z8j(mdL!^llX+9Qdu8K6DiZp)}X}%b~izQeB+aQS;4#N_)uhh>L;yd&Wm|0-WmZ

7tRQYNtGX6mj`6{J$ism3@T!>9g~wL;Tp@19R(+Xz`53&w zGo<8F11y`VJia6Y#2J@kzU(@7+2;y&J9ats%T>pGRNZ_bYd;O!5l5gckOA9#NCPAt zfpA=Q8trY6X@_IheBK5avL&o)I2TTP{bG9vKBC^6-jSjsMNCS1dWxPD$x=Gf_v&yF zv$vyTuO5G7zoy3NqzFGo;>dO~J&-IXNSBvhozk9z=aNz0CH3{YtlGw=+J<`l+n@II z^t8)c_nvNfS$nO2)3Yn$;~tIC2SgCXM55Gelclu83bec1_wChJ$PS+P=wOpw znCmpEuKS*Qje?!RG#+*k^LhFfjC9c9OpmX0nfm-nYm^R5olMlqg3U?YNu6nW@W@q2 zhpn*H%;tx@m|if8*sY8mJawg=o!tiyYE(8WuAsY+NEkXlb>H?g>+=iBcNM@UhghW% zImW0k&7Cb@v-V9gs48FTIQliK@}njsI6;d`STF&xg27VtDZ7t9+(C^5xvbqP>oRwz z^rqp7U_zb*Ctf{~%b)q|pO5}aTL})`|N7_W?|!DodMt-Cfds5#ZoQq|d%Jq%!&ceQ zaY^tzB7S5|0@LJnwyw)+=HXnA_J1+fSsCMrMs&r8CI5kdPkAEj;bqQn~(UXnvjKlhb zdxz*?j2?nJC^$vKeH8iy2kS}y&?t2bdxh1ha0UycUE2224Lp>CiScm;ll{bi^0?US@|U4L?B6 z;a4uR#1|m$JibHjV49Tk7%=QH_86QFwyV3?%~#S3s%kWjb5S^loliP{KS^?qKKR_9 zBn1F~fcgk!p&US*mCy?46sZG46t;SO1J>59f-!>`xeBDFMw#>4k(wKsT3!d&kJQ|V z<6wLa&tYqL{hzZ;DDM!g4RBFu>jzX94%9;HaMlBs3tS3w%|bTd$+~CH%+Cv3xBc0s z`EP{D@z|-Kk*OqDbC{?0PkP!8{tQpWV}I4X@t3A++usO#b3x;}?Q*h#Oa{$vA*FDX zWNi!ZulQHn0^Kmk57h|2Wj4B;jaUlOl_K}RkK1a`;c->B*xO6rS$|$$TT}p-1O)}Vz#vH`_$9R_HYGIp81XaG_Oi_8bS*K# z**Q0}RG+!J`01im3Hb>*Nm)eqhj(ouEf`C*WOAHYUs6?d zn3I?vPgWVdvv%dCXK9E@meG{izDtK!Bsavi#I?u!#6BMt8oO0qQnU-o7Va*rDboFA z?Z+$ow#dPhQfk#&;hYXO+3|lI%z7dBP`=Lr@{BZNcUw+}7MsB0)YMk3Z@X0cUftzG z4TqW!wt}Gr!7@Qh9>rQb<#3O_R%kFlitBVyFGs%=d%o>p(+iD<@yY|%b?BYxW3Ha&$U z8)RUw+a7joc|}-^&v1m}MowN?YGaPiJCD~C*O%6p`&i5CtLkd(Puf29wm<3kR9aG7 zS5_}vBGgybSJ%|O^QkwOl3<-tuzoD8$&j(wPGc`yAXwywyoM~8;mIvx+0Nqrd9Wzo zP)}s>)C;~cU-8fl+X;1MWmayMmh57(vYOf|_0_T-+>fCfR^bf32W&88RAV;t(iKeqxf7Q%w1KN6?*v z(yZvbhzLzmedtM@Jp@c36t5G68>;CADxI(#rdMWXXK3N=$@-TL!UP3P6%6<7M_ETC zL-ma`I%-SWM(xHeoyVi}M2mf;4#Pnz`}2A71uQn*`IfdFT4IGeF)W4qJz|w%P_7}4 z5btYnVPy;1(@}FEzsE;~L)f8Pwp*{V_!e~kEl{mFxrMnU`jXtL9BV$9kNUmu-2~7Z zG&~ltZ2kVQr(uU~+8e#!Yt%Ww61KC+RFRhFla`yCYSDmdu{5Q2=ITls8h15P^M7rF9t5Rd+S%CD z)vdu^V<)npamIoEisb*sld(kYjeX!c``ItaCaq%u`IY?YSOBUEZmALm!00$x-_TsK zC%2LCSO;BEPz5@qyr8tCNKVE~B~uoY0Ii@9;X(&!j>Ddt0)N(z$%Cs?9hSnFJjcGp zj`NlNWV5K-vsmT3fD|c5^?bh_dj0T4QXo(bS$OQ827i6Q> zAtkSna)N{OWfi;1H1t|Thqo}T4c3+#efz1VlRYoW@$`Spw!p6({n;{W928^uNVB z?gFI{P}U)0+)r155E*z4fJEZ{X|TnP#~{n)WE_QArIlPTO54%&!0u+Lg`efak zOTzfAz2Prf=ryI_Z9{J=U+nHZeO9=s+{A~HM_>;5YZH=cT8#SlU?b#l5wg%DGoD>R zM(cOvBxRd3gGzl^2&gRR{y zCp2^!4Z;1tK;xka`*^!fZJX&Bg@1Q!fM*o>-7%AhI>(=SP}jK`uZ)ut(ZS#5V@@0Y zD6F)pEL=In%cjj;|468Qd6RVKJNZ{W(BRkcMcj^mhUX&O-@N{0{)(L|b<1<5Uxd!> zo2ET1OJfhqF!$RvEIO#iE01)Zm!A5q^EMV~RCjVK>{jtsUgfw8tGXAYz~*;a{rjq4 zXPnSg7Zy|&YGaa&(fY@*ybH{iN+R!iOcQ<3c&y%9SzWLD`Q+taeupN}vaZMLoBvlt zuyrgBB`Um@toagKcw^hn?p*!;?B3j-bop4%1TkcFJ9Zi~j9FQQnI+kUa&vZ8W|AhDx6+$k9oz*dF%ZO;=)zZlz53X3uu7@H zyI~>A40%bM2{@8?jlk|$?~GB~#=stTj10EB^=d$Oc)=y!SZ89`i&)jeAnJB-DOksj zl%ks#ND?n*i~?-ec1oCLyrCKgATwipVU>c&fg@n3m|-hUf<3K3#cl;fHj;*Y(7T5Y zzk3LeK6L$^>xT}*^Ygnuzf1oPy?gy<$i6%7-LbZKrwd4GYDKEn5nJJibHr-8IxF^S z->p=e`Mms!yePKGTG6QeIhk*45X}3@e3KQg;?qvEdpj#SwRrT%n|J?=$K;_AWFtE! z+O2y}MHk!)7};)T0V6F5kkKQFpW%&wvev@KCsZUvv15?<@S%!B+IKA@JdE*nIN2yy z+hQwhakf~^J)UD7aT;tp z9cQuVpuus{n4|m57qv%^wEXGJLno=kS9<>Mu%(Y4I-}0&Ol`4PE7L2|ig%K}J4Wy5 zyzQw`+B-9ukY!D8rRfXzR$A+uGA#{UCX)Rb32av95aP= zJ+B?!&17VhlxFBFtH_w+g@g}V>62+OrAb{CH5Om>d16FU3${+ z#0%@S!+~JlIK4tPAuwUjUg~^z)6oDDO8x_heGVP)ZiGTh9`i4Un2p( zMwfphIAp*gMc|AXVhdEm_-%x}%loEBUR$blfN#?y&pl<*Z-o5~ylH0jcii@dEt#lW^q9 zBvaOs@aU+@+GxGwudD;rkU zt!gRn@Gkw!dAz0Jl|I~X1vkBdn;PD%d3*0`AMWpO{HUk?VBHJVFUX6>kIx^kg}uzU zhFYT5@0@fg|AYG16Mamwss$wJPHfKdqL{oWOVa9uWrZu!xfp{cq|NBSwc=~O(p;$aQcWe^dhU?Ctq14s{fn#G){G*O z8=h5@m8}V=b0nIcg$jeqaBw-EquU@W$J3p)`n166H=zi7Xd7Os+*Pk{r02qd%CcUl z{^W6}J|{gjJEhXcN;*haG3kK%eI-r4#7Dig%`aVl$I5iH{joKM_z*5NS(lZYmyxDP zYs_fP)urx--7JH|k>E}_@(!FUOW5bw5!^dof$R`HN?O651RhGX{4l`m;8vQ% z+pH4s$8?c%=3L}P-rXYy`N!Ble*|NL7&x$~zX1z_MEEHMvjXy!E>f3L&?m5IgCA;X z@*1+JpXG&X`qShzy{4zm%~jO78GKy;P-}&I`MF>sBOzE#MAgR^+bka z6Bub6{gFI=8m@^2Xl<3X9yY994$E4;7rgDd)J`8CdcRxj5L0&dSCJ9s=_W}D)eBHa(GW(L?wVfSbE8Vb404_U$1<_H9%wAEoHfjCfbDf*BEk`kTcMaPTMk`l;ha|*1@wYzI;YV@`jZ7)h|Y9OO+wie{*p97E9;r`)% zDP>1y@3;3$aVKn?(^-;>bEG}yxRzLLY+Sb4q9^moJZeYB^WovB1s%?1HfoKw!%`Lw z28FR09F@RSe*6c1RoyfDLUcCKaH}-5^K9}f+E>o*f2m7vL-tnbzSryCy{w@Y0VsJx z{S2%x{a|Z`UGaFH5`7jrXv`v;)#jyM2|lNJz4bj!ox0}Ez7M-TkT+H})YNP18%px3 z^j%N(EpJYfH>K5^O`0)_=q7I<@#l?S={9~v;&9J=+$}$o8{QSKjgLs(o}-^ny1|0q zvvGlZOx~si2{R_sGP7Z=^Z}8(0f$a6@sI-FQa^iR+8Ye4QE=WO)1~-x+ko0yP@Yv# zKyH$o-US6&PN^61qE60!O=EBC@8eMKpPFa5biWS}66(5?SWD}3(r!YI8pIV)Csx?@QymMvLY&K=1gxY)j$0trF$v5t%$b222B9F&r9m& z0w*Kcr3D3bFvjo_A7QBi?c zu!;$!9vpx3?WO7)Fr95)-cE1Y!h*70g?fwN>Ptdk$1?0Uhg>FI3u_xn z8b(}Snrp2sWi1IfqX$29?Vs|0e1ZM`f|Io%?IFyLHcNNDZdbh(T>jeIYMYz%uxEER zgnCGf8`B5PxH;0FyGu(eOQ}7hs7SwJ1)bNlSL^QY)$*#U@+$BV#dG=d=bb(4^WVA_ zXWCy;A3j`hA^tGjQMh@>AKp|EA3v-e)_RjR+~&;sfJ=v4e0;^G!|^`0Cmc^4j=xZG z_^^-tb^GhEbiwh%`mxX>yZIBWo_Zh(ZuHb+GZ`3nzyqg>mjuf@I3G=??&=`WE^l>E zWmak|fWu4~{D8Z%6XKjq;-P3?saahH7c+u0A*_`2s^=rlH6EVT48Xc2gzTQ9&|VBnjTJ6^DDbpf6O6On-N2J2TrD}R~D)c<6m)(3d|X8YzF zyw5O1Qd4hQL5ya2^H*#a*jB9fqwNChuh`*S+Jgdo7ri)w@+y)IB;CXv8`@q6ZlxncofS)#8b~*jFVS9}q9_oVqb-l0TDu^j~RL=J{@xvLz z8Q#ztb{ac<)TzSq201=pJK$}DA1Rdm0g4X&WS;^BhcoOMP!QDHd|J?Uz;VFa0Y9`y zF#vOTJ77pbU-iTOy&r1q!_&d}lvtT9^lKg&_+rsfWS#@BMQoMbb3E(60t)TlOAT8Y z`T-1FS>cu7xd|o}iW3JaKHD~1ol%sLo2&Epm*(bX6oJQJ9e50aGtpB79)M*Qfe%s! z1^WL0w^~K*?V9$wwx%W>7H}}&G!?Z`U^@VR_(9s#)LsXklSSY;Nr_N2aHgzl*S5D) z*bn~TBwv@2p~)!9gnDT$6paEiGc@2RnhL!2^Y$}%C+|4rI3=)^q0JOnfJ>G;P+u{v zua?&L;}2NI;#87qn{Jy1$sZ~8TA&WDxWSpwM(DgiHMm=YAqhM^;n!-1lgIRlYaiRL zdp~+i<+0#oL&(f2i>9DnVpvY{Azh&aXxsg6&3BS zF3}V3-*XyDJFG1}c;dHM^)a5K1+U}~@by}uw|S8ep=ZHx5(vKD4)8?AfgAW6V8n8! z=oeEC>kV)>1wBT*hP)_mfdX%^5PCTRp}5_PPC&^~*w$d2u@_5U4?aAZh%|RH$wl?E-^LAMu?D{ee*a~-4~uWc zt^HPKi*amG+a7@rP=2MKqQEC9zd9aqJPMzr{7OGb`PKHQPIU#;q!_NiKHPR`F`P#k zI5wS?_VlzIIjR8@5A`ZgpM9V{`@lASH0Ox9TQ{t?>s@=I_-wOTzi5%vY{7|aT#rSE z&ysUeU}Nz%aIb~Az5M0XSLww9IZMt;&9vGcv+lD+;C^}d5Bgb?T_D!e4D71>`h1zO zpwd^^-k~2xja1W2w_Z80^#acI0*QDh2{U{c)zhtq+sm_1qipe|Z6AVDBlF>-V9@5!G0C#QfEU>wQ;e&>Qiw4l6m!HyZ%gENxV%9$n z%@i8o>^IkkS-sclbNX-9dRe%I-;)2B7I9r*ayw#D%I59nCNivQXk%>Aj<5L@k|c zPhC>FoB6CGM1tWS7J{}#7mLB48zJ(z>niqWPQL;2kMMWunxXa068Esede~yqXYW`Z zhGz+^0RLWNeW3M1Ih0i|Fi{je!23_COpcbQBfNo`D zRleyr>AGoBx_=0D&;)u-y~Vc05zZAPG%U`XPnVDBua0--xRSY5jg{Lje}0jyJ)t>t zZ&u1Ne%seSq}JMZ4$h9Xf>;`gGwwxte}W^z>EIOy!(8zrZYtxU}V)_er6k z+at(5s}N8iFu@B<+lLdaKSEjdeO@x|4Jwe^1-nQ)4%QqsvcF@$RRBcOz%>3DF6Yw| zvZG_v(aso80tXuFbTWz#B8y*?8j`~orKmF;hN2uUqx!q~709$XiX8m$FUe-%A7rEO zPxc;&{FL3Q-tSweY|3jgHgUAoXBLr(?|`2-hRjh5Iv{Ksva8c;I2M=s7x@=`{L@)9 zKt)7jzZ>u&diXGE1iyF+Jsdres#F-$YcZL`k)`~>BL|P~J}LFoIIA1fcswyJk6_)D z<=2wZ9`w?Zo?cqPdMRBXF$pqdx;fSGpraOf_+(*~$YCpT+F3_+Jm{!7tfLxjSvl$m zVTZCUZf(O#&C0bq*T?bQE|`mPVfia+!ve!#9H|PAQT#5_{>)!-C}oS73LP11M@B5*degM-@6B#Khm9n zi^*bAj8}`#&NgtF0?jt0>@`lOwZIM|@m^7(-IG@wNJG7|@RW?Wcdwm<&TJ3-!{bx5 zw70;N48>9aMEsxOe)L8_KuM;^+WV5p+U`(zv>3VCfC$5a4wgy=P5=)$)(~{vu}Zd* z4(NWo_k5os`(vY?b-kSxvY8n&($=bNN1_l+25)Tl!$y1Bnyf|RQ!wlcv45`Y2k$4# z!nNL^U5Aw9sR8uKPg&+Pb{HboViMBM5?<%|L*KT2bM`Z7S6BBTr2$=ELPKUE9QKd- z{DvXxhw4U1sRs<6nS03z4aQfnE*oJ>2K21?F+z{kAeQvzV-`fuk6b9Fy%x?IMgt%2 zExI0lNK%gjgSTkQ`ub>iAEO`m zFwAd(^WtktM_36{L7#`)d$&E<9uClGY|mU5_%A{eOfwd;>1iqu{!o(NlSvXGhr|38 z%+@XtWm=TZyuw@uM?;bKcjg!Xo$+-bg{*@YSZXXaxPd(r6rz%hq{2i^Vp3Kbe3A~I zLS)bzQ&S1!uK7a6FrlN3Vf(o*-C7vULg+FW_(CWGR+4)A!A%^XT+_7Kwk#O!%>5T3 zOaLg1fM%#}iWbq)B0W!7qiMwznU$JK*z|B&*lvs5_EJD$kYYdtk+|e~FES@Ru%w5O zq^|$5h?7t7!xLFDdl|NxD?Vm0eS&GzB~AkXO-!bAw~JD?t)8$A2akYgz4rcKaZyzX zzy@_$wZ>YmtC{o>wG`AhwP3$~&|oMTf-YgvKA^%d2QXLbrBiyllpy(Oa29soq6v(Prej_MP(JGb#-cb4-x($GGCiT zo0X49rQJck!jJcEk>{_Ge`&lOVkD2*jRHuO?XrjP_&>r8_gz%cLmB_yLJTZtj0cTT z;@{Wa#}~iYhfxQzi$#uHck%qA2T+#}dlMs$>cVGi;1aXdmER!$>0g9gDEk>9 zO6mg25MSUFx8WJ;dO^8k?dDDEBc=J7mds2w-3^Lphp#W#IFIhVFqAWum7B{oKYX?4 z><9ew)^V4jK9!n09+O8?Sz@zS@FA7s?)o4hE*- zUnJ`ttQc0x4zT zn(_h`dHZ4!{7Ecw!KnmqOC@P13X%6J<-}Bm8Jf714DSFWZZGjVEkd`w$aKU@#0=91 z+gJxTQrFwtfoljpdE^df@lLLIr*lW7n$gQgd`42W%}v=E4O~V;c2lz&w4>iX8_|#R z-tE>Yn`sLv+q9qSk;#aC{`uIQ-;Sw{=P^mawh(>X30fFYsYxUaA%p04dh5Y!JHCaG zNTNa_{o_u~`(pQt54e+O+uP6j(T+TgB2oA5iQ=no4QbHS-o0CkRNiw8JN9H39*6Z> z$eOs6Qx?phJZ1j5YphSbe;#1KE?2-`mmxmO7K4HB8?7ucc+vpw8(f>&l+l>p7}#`h z*S_Y1(gFw2a_T0K4SVgZ)!&SNd4VwXH?$cPs z+wE4TQ(c(nz*rh_VEg_ZhdlM}`oaeCe4WZ;Eh_b>k>mYIITo>={D846VFAoKo``)E z1bbf~c}2^WX<6LDrQC=d(YL=MjxdTv$uXnjbrB9j7~WqailIdDB2mbHk$2)**ZqV9 zh;q}8;VaEtbxg_12(|o|Uu3k;E32u9qyNAIO2vB*&`0^oMbGbBsEP0@TEsWWV`TjK zBYgety4_99-~YUo3~9e2CED5v^l!K&AtUME)BuU~)6&V}U2j)hd|&-;?)hz(xbK%g zyT89CJR%J);j_=R&==;;+_-+r+VC|}xv)KK+VHTQQrgIRK(_)NfV7F_olUp48=Co5 zcn($T$Wt2mFW-pwiAf)A{bA3E6YAQ$x||xWQ=H=~ng}2~ zS|n%h?yEe*AArta5-U*0q~4c`PPnpr9DJfD0n;uzd6VZn`Ye{}-iMl<$J?sQ$ zmyo&nKy&w^Gc+_nOo!5cZCpm5<_(c!w(rnDq2l4?X%rva`QGqdVSCo>U3*}|g&EuE z3qL+5MRWkX#9x2h|NU`(_r-#X@2KBTy14yqj!YKg5^w~BUBdBwy8mnOc3?~i65UZ+ zB&%g2i^Pw|@0y^5fijzp%gf_@ANkJuJ{Hc2OjbIZj3YDEWDi+z0k-0E;1MT5?S|@`@@XU9L|U-IQYX3&jNBK zK9c@k(?YPMJ9-jf50>y*p5&U{YsKpM{bo{|tlS8^}|wILALTZl!>v1i!l1YN2YBR?>E-cZ`9 z1YYTJ5T{j~;F7Sx4ps)9W53J`vov@g>{1n^TZYk>Mxvh%6yNYAiBfDHeVGOmm!-_( zDYJ4Xg#?i>agmG|(Yu9C26F9Sc?zAF1y-gaM~MU?i>mj`+LP(z?%?j=KZIVq!HB0| z8Cig>F;!t*uObI|O42z94T)EKrtR2t&Pu zFH97QJHl#jKP6q(hU9M0f7JI7o~FZFXrI@g=ejPFCgpR;7zfd1>$%tOwgB2S9Kfy+ z_`7(iVCUZx@7MY|+}aS@#+Wn;30**vAsTQcl{>U_|MrSB>FE_E%Vw%)M!;zbnHj=C zM#2j?Z@c7PNP9>~M0(U@z^bml;T%3NTV%7fQkQsz3dY{pz;o&`{Bdv;-7flX?W*b6L$ zMyGVnMWwYM&z@rgI@N5-Gv(Thjy!vw!)mojcZVwrY-Xp?VYFu>kCdC2pKZ^v8=aascsWl|2$VOsz@f$w+pjAo%Xj zH|u;lfK>tE){(jJ;&5AgBzM?!0l!?)k1@uN62(iHC-RU4@-9~*2C^J6g0i7p*BYvj|nr_?s_hihIxs+JGD6@BxTn&iAsTFGiMgu8I~ddqu_(mkJj zwf7s1JP&h+Xa#xf;6c|xO@ZBFF5u;MS4w_D;%dX{Rq93VsLB;w*#;N==Sqy2R%N@M z1je4{l?aNE*-P>DI8n~@zx1EnTXQ+xh9uFa#>}*T6X7iMk)UEvT_=ttktECb1 z66a1=4?Qqy_eid0PUE~ix=uO{L7{bI+*5CbUx>OCC*5}E-y6TtynC^-So6CGms>7j#=G@2pn!ENz98ftiE04IY>|=;LRP|}fA^F-GnN`+xYxGRCss_=OrO(O zJDaCFKB1W;^JTI_8vAzCrFYd=kC7+d*~Jyroh)w9*c}#=ov+CGkPax@A$2F##Kx|n zPtFKaCsafiC2=28)z`y_YNFIoQJ++G@CteIu%@;)PG8A4rH}y=9Z6EF(UN1t7~-u6 z)&?IA5)XuftLyS9=SR;2Zw4vrF)t_L#IaDqV2dL z)g?3w5Acg*sdUGR6y01k4LCRO^ZDFj>$1|dbyBm%WLDGRq&MwL25#rFqat%7HSq~n zTLRw(C*iT7I6^BK_^Gf{|p6> zHgXr?eq=#)h_y0!au-|*za$^EEY~8U+#PxxVN1zESqNNk2E2wyRXb)Bu)g4E;KpKJ z5Hpz@z(B-+fxtDC>}Ox#sR1Oy0yMEfUOkERV@BYMDDhhcCZh(euaiMax`KhY!fXgj z6V4pAaw1G2Mktm!{g<=?x~?*rgbzh@6p>qa5rgTfZ)kYA)P(D=NlD4k>-n^d>|~&+ zG?K0LQLP}(oR1_%YHX(GrCV){(XASy5m%HW!ps+Y9OdQ;so*jxlgKX!ciskmEuZES zE4@vgrN2~2&1Q?4wVIK^r)OlRpw<48tqnW&m^k6%aAAXQL#yv&X}Gm%=N^b@0p{cc zSir+tEtj&<&YMj_@4;>fV7;lHbO7Usaj`G^H-Lr$kC4xk_;E( zMdkKNPld)?E3T+aPlo9~+!rr`R$QpEF{?JKo}p$Cjr)vF zJx{0J9ZB5Qw@IIVpANtEK9P+5qz$CV#}1JnBcaQ)2Kyf<^@lIe7Bng0RU-WF`$uig)e15%$G<}0PUp_-q(tzycokyee9tO@ z(K!hTIngWVJQbaDI@%e9RRR-}va$JTI!8t4tzau;M+fHMx5^|?t^n)6KWr68bf7c3 zDxp4y%v+&aOy^|#R|%|0Y|O5Ak~ybU$LKsqbY((Ac3^!@qqCwCk$X;s06!;6^HgS4 zY8=k|dOOqsq^Md<>9)1K<$n&KL1t@|XAHfio$j|jm-5;9|!TIhh&=97s_+njG4RwG@k z{G7hX$vdffEge5}KEHis`1;N3rCTGXjac!(7mI5*wv7a6;G$LU z_Z+glE+u2dBp6tzzmZ@D^_Afq4-m?_Ik1E-!S5<+jTq zSBOG=?|RFf#uHQ&Tg(;57RQ#vwJtues%@2YQv0>xziC=vnnP;!G=|Ea*o*vKcp@vN zebySuZ*B{3+y18XoB3(gp)B?5bwJYTvxN{05onBQ(bi?`lZTPiG?HmsMz~a_;Ph4?au{73Ar6-%zcUrFB z~w)h zyS)F0noHb)Uw8jT0@Qy!egC6OdoQ0vWt_YtF)`nk#IK885W7kf6XPh3=ffj5B(BtK zT~k`MlbxLWBlg%&n|tY94re}VMhI1CLL#o;X(XZ(wZ(jGacyx;$>~-+?`_hK_OGt} zrfvZ$BSI`cf~=nc&lnC)f%r*}qAa9>c$0mG@^6U&s^N4O+Q>#O`i!$c5xVj!AfU%xE_coU!QY9Byv9^i4l`CfT5sOYta-Dk!F8;v@Kk&ik-Fs9Pa~P% z=&Mk=oyZ2{y7OGQ>6udK6&GZiTqaL$Ze~Mjcv7-eT4;_=%~xj{Gc4JeS$cP3YC%qV ztkaO@&WKCaml|^IdP7bDneS_H=z(W|kohrQiqlg~ZoN~gccj2UOx5dcdF8oTg&F2NqX7_LM|#nY zRY=u-R>DhoLIZQS8hp$+V_P)2yD?lfi#=G;HcjhML8MEUHrD^tzqBLiU zYlkbRDyPg^nOQ0=%1Nq9*A&O@vgPr5&xXB)RaRSEVQzkbAzyFLv?I&uFu0RS<4kes zxdoNEh1s4&i?Kv%1;rPC<}tOo9)WZv0GxTxl(s(T~Vp|NKWS8pLQB7setgh(u*7} zYe9wG0WNcfGY`q#Fk5At5&?uGvdxATsSf6Tenp-oC=~4%jDGN0&vo*fJSQ1@# zqQI2o+yk75GtV89j-B3^;5OvPB|u3yr7}HLiYGYJkPFmsT3TX$vejvhi#6pkCax*V zWU%UuhH|@WTei8{R&J@vW?PpStMPahI4biTrsACZbg1>FdZNn*-NB_wGnyc>LQQLT+9`vRuwzBBF8araP}7Q|e64OR3FqnkwDqRB1th)t0Z$PjjS{Tcs9D zqA8Ed$xO9o8uQFC@wUA5(s)ZU9xl+Sva@ota8`M_#w4S;$ZB^NI;3>e{YR8$ySXS| zZ7wT!n@iDS+}2`id1-O6yVz~3%_}k1S?Y7^@^i|qNDAV%+MP%eIDt?va#YtArxj&H zr+f4Tg}KFrg=H1)gfe5f(UIfP=N42st@+Z*f zGmUCvqRSt1w&!yjz%YWR+sGQ}NC0|*~r2WZ=?=vDwZPD8~7 zh!x(3LSJ{NFBY<`-7a`Mz+=IC6az2S2?_!2yof(Z9u5x4K?#skL89JW2}-6iohJLM z)UKf0DDwfY9h(vZnZ8&i)5lg)0s4X${)054|EOvM>-=2z2Q+8^yz2n)cJ=_goe;5P zYZCuf*lw&gLyLb@tOfr0Y4q>Hzrh>#Yb7ic#LOk$NDF;`@)J8qKOTg{5nGTbwm6 zPCYDg_>u|SuX*3De)nZ5_Wa|w#{e~;3gNc}h?JMXk375TV2I%ZEXrWshKR32cHaU+SVhxcGnwL+YVMrbY z$&k7FqmlJ=18W5Gsa^8!MaqvNKhV9!vDHLp7ERnWUh~Sth=n@-#V-)gyjQ+*?{ zW6>GTf1GmrTZ<;`8mAdQDRR*wp6MHk7A@X3alCq5^Q&*^IRD`-I`iT78=9LRww!&7 z|Kdf_LS4j!SJd+0@y(OYEaIS!xIv^l)3N;{1paPxG@m)cL(+4A=*;QeAKpOD{V{Ej zM9%;!GpHQFhjE9vhC`)qo`i7w%=xilYdA7@9GwXX-K~D%_SAfc4h){$4>23i)=cHFI}Ceu1^XN*;Yj<;6jXj4md?P=qnu1(%||vdB|us|mDLXVxTn zq(OA0cYrcx=lYCQnmJRd4$k3eulF|obm^?LuA!~?sOI9egs@9I={4=ZfH@1LBfHa- zVRI%Y%+<(;ty*7Px09c97R1h8?@13{dcW$D=4e|+Oap&u;l=^9*EA`aDtMJ3fm^Nl zHd|n!(@|Jh*wCQ5xiT$Fl#r1QkqA8oPC71BE zdP+jS^^RBiKM7gL^7d@V02K@k1HCaJR8aUrCGu9U;(n)+k$wS>kzeWgL4t^I0UlN} zrjBAF#{-*6LX=-@x-;u-4hg)EMTf!`)h^V~M@NjHkLqf5hr)PasBb6;ZO~%TRG&Ln zT}aYozM;ZUQEHi?x<-Alx#>VnO=fBtVragP!5Xe#qEnBYHEZOe#q|d^a^2c11YZ?Ou6PXtV%p#3hG9;6(Dy)e7T~6VmyetxuEauFcL&pEqkgFh zToG`d1wU+6QgtvTt%N6g=pKIB3<<&K(rk8Qw5sByv z6#f|en?!CuEoo`BwrI?fwP9PAZeG=}P}OE@&s(V8uqk=V#`RV8QQU$TMXQgr$6wa` z`q|qk;$ihlluwD}kI$uYiS1*uy_F19|M2o#L&r}Go4S>|Gf&i1-n?tCrnNdLoF7Hw zchK4DBpY5Fxi1b98EELcxFq_n8%hlSy~J{L zu{?Mn`9cC-WZS!#`D`*dI{XB}^xOUV>`cB^ET8Za!xba;jPWkWJ7EPro<>?Ti1uz* zdQ-$v6%pl|%ct#HP_v?hKGin#jWtK4YmUSnJ+3}qbNt9b?%5YT z-f4RVl$cci&MCHuY-LuY&)+a!%Dl;CpUOUz-7v9kUfG&LY4JpzbEAe%q))CJ`2zpK z$koq4qGE2@td<#EX=Hg+WsFoP09@kgj-xR(iPAI68<#9puS!|FZ3DM`!}`dj$K(=R<3rIZs6CKY^jW_i>!;<9dl4$k$iH~oo7s{HIjtfE!JgRL5OKdmO5RcFUT&) z<%+UuGY{%X@CH@9(8SrIJTA-`{c9bnqQD7k3@sf9$}4wuZyyyGq)MPU7{mk%UO)r_+Q!Srrzw zx!zReQCB)VE*EFFH`?EHHs?2?XoD2?HHu5POy#-tT#|KG_Kciqwm`bBNHj`p8c~w> zqqRA|A)_WXuq4&F-L|%1o=RR_O5;67Oq%_($EPjl3|o@Jc5cW>h>J(@=$Nf3TlCVz zc{4MoY39!>ZJEojuZh?ldvM#Cly`G)rIA*ZnIwry&6RcPj|&dFinwx5L*XIK8*Mhn zA>Ji1wda?J%&C#)b(*#2<)%d@sY$ocyg-w(&}tvT+rl>HZ_%WsTg>Ua?L|>>Ua6(R zEDaJ}4eH7ORR^@Nx0xo*s2-?+pxDJ!ut?|zkm>^Tn7tA8@mEKp9e@s_JQ5g1{`yFM zv3GynAPK8Dk`5|@*Okt;8p7hR9ZUnS>$HV2-G0{wHwK9}BE#O;HCGw@JEM;L9xNh5 z`gvM(2$bX?c!E4^aRx`0)8!yQmF0k8<$!$~Btowf zgLCBoB`T=vC|Phv1_ZE5IhQP*%Ow8T`$f9+B3Vk7UKDwweIxJ4y5qes+yQ}tjh1Ze zbV0Soh1uzd-*_1$^E(f_Bn6IAn~ft&$P$swR_Z9wkQc=AL?C6M+UFvJknmtw$NSLC zNA4k1vUx>9bTp4h89PLsuIQD?YBEJT@#CTse7pG1Aid(x&nG@Me8@&`E1)6I5j$eM z^N77S%V@oa@J%hLqmOZ>Gx=9a&Py$&Z~vPJT=a2E2QU}nckbMNf6wAsQ&v9}JBS;d zc=5GQG-SYk$Xv1$;b$>u59?_fGJKQh;^|c@cW>fLlC3$$gxs{O@Z5A`0w`@xY4G7? zfVD6X8*uZbLNCx-7SV7p4c?-!&^T&&Y3z}cJGs?#N@lo4oicChyvSA3`1e21-_Tq| z_{atJ!ay)I-h?)o>m4nbDb9H-^Y@y&>_9&yom|Xu%Lh2nfGhvLb+vWL?5S(|$A)lY zaG*Cei}@8ZZV;e>!9UY#)b3~>D7 z+izUH!Tm;xlrM?T%|Ec_MbJV9C5(BAERCR3)PVi07z?=3Kj_%wC(7UpC!orF1CMxBz zWV3AOO^!S%CfpYyAL;_|bjYTmv={%sG=pg(wO{=&=Li?7$M)HC& zrHB0tC0Ac3P3d*50YKd)mO-)&)@RP$=)K5-aT>!KZA8S zob-YL+DrPyrB8oiIf+X0srLtR`$_V1SAQk_^nMKaR9p=_uu^{dd-IeJsR+2di4zA6 zzBV47y44~kk`HctXXb+fY~9ezwP*78>KiN!h9i#}D4Io^S8NXFlM)Rm#I>p^Zr66sl?g2ZO?rkg zGn1!3(Vs+_h?A$Qk;-*ta=W(2HLcR@jD_+Mzd3xx=0y(*sR+#T>8Z1FX5X=Wd-#gV zA{1RZx}#?ME-uqmZ1iY6#da6GL>wavPenzgY}=@Ya3&)`{@2&*4|?G5xG`V{e#q1& zr@{&sbW>%*1Yex;%IZC%k1vVV5 zf2;CZ<2_aA2@#$6pJy?wJ*NhDt&^k+p&XlWA96)Fi^NYCIY@s8T?8sUvN(H1N)>2S zR?RsE0`%&zM{)&}v&j@;8_M3VELm!IE#ns#t=X247M~uU5xDo?gU+Ii)`t^+Baf;P zs40hx;T3R80sso;%d~$$gn94fAi6{O5F5Nv%V3~g^4?v4gD5WUwIf}Vn`<`b^1k5b z$arCc$OfGchq^YQGMcl{Tax&s^hD66S9QOWmsXHkYzWLQEY5X9uEByzCBmSe=(6tP z#&}PBO?IH!ZZ{WbD$0sV3wdFGP(Y5eG_PD=90*ed10Kw=VHiO$Kml@~(lVq9tBFT+ z_r_qHf|Ex(nzi?+4v`jrSwE@^VF1Dozrq!~J^wn`3In1pq#0lT*F}AT;i*4^yXIZ0 zbjHUQ#A)K6LK9h3T>%7WhOE7nJrvuuY)b78RgzN@ND7`3k#KC)yGbyw_OdE<{FfU zdX1BN061Sm|4vsTCe#-(&|=_I9e5SvL9Ty#&kI+_bMkMlj{iEiFjyLyoD{KD9pj2E zOXgCNGh<`aTg$gMC2?74#^e;W+%x0kw)5QlhVvUQYc8KZaK3>*e{%N~g!Z#a_@;{T zU9IZ6%-WQ4uB_ZuTc>VKYKbi83V;9l_p3LgS8we3@)tFDTHvzzWlDm&@EnTqk&M$q z+7x=HOyuVSR-DHPD5j>O1cg6|j)4+D8;%883|mOx-iy{!NWC%&8H+O(YK2Z^W^Pta zHb;M@2z}&a=CKN=HV3E)K;0r1k_Yvlaz8OKmUN;@C}_kCV%6y{RE0o)Y=qX|kT+DB zoR*rz0Tk0IuIdR{bkbM}^H5wU>Q+d`oSJkaitDZ_f@>VF^;Su4G@k0XrDhVBAn&=v zL}WYJ*=F$o~;bT=G&pwJ?Algah&&c9cnE;Q*C< zo4vqY;K-Mf7jV;^mahe@eTDKBLLY)m+(1JQvk%l*-TZT{#$bacY< zEowX?;70o60b)?jpTbKF`m3N|uE~Qh1j@*4l4D@Y$&h3Q>e3~@f)Nz^lDA=R@+;V% zybY#WEX#MY{w2S1U(q)LJ*-8HD}`Jo4Mi6VWnHX8LOT6jECSzJ{@_#UpJb_@4yDD? zLfhIo+Sx*5+eI^>p@G5pD$#30Ks6Q5jA%!k9-7UeVyYvtq7ZRJgox@|B8VbOLUl2) zrJ%+TBg&$RhzJ~1ON8j27z1jo2=bbt*c#)R_#RrD$}~edMfe`uPC8peq^;f3VgWvv zU3rWYh;*iIwv5wEMh$8n%2>DwKsN&|3k5eFRAj-J^|ndcv16SGzHtOqh0Wj6<5H>SqY;Fc2&np=C2{36B?}b zuLh~14n(@xx>%EG4S~bWw1)5|0WwHv3x;aik*?*vy%I>>pwOsR@V|D-FcU6?yVm#r zSO)9CgAIhcxYXNVs`TB4>2N52GrnwvE3ip`#q+W#Zgf?;L%xRmz;1ygUvb{4uxT6-@P}71DoBhc8Ct>Eh zlwBQfU~B|D`aW1J-9X|-csrGt!@D}rL&2V@f^h|XJs1VC3?+?cD@45bgSB6vc=!aA z(nd{-dlLES`vDVjnvw7d)!~59ZW~4O3SSvmkP8qG>G4LNA)p@`4 zBYA;9W8k|o<)4+O@4Hy#=_>7Rt-r$faK`(Y<_}eLWaDWP6xne0(U5-`y!mV`>}Xv! zM7rDIvo*jTLbwbhEEiIlOl_~0Jmm*cPMN=8G8^u%okOt)!ARGmZaw4yba)F2IOsDf zugyOj54GF_r2uXx!$xsZ#{2L$xTX8Cl;qvl{lS6POh}t-Qup5BCzv5 zw5Eg6(IG;J@yvz0hzK(iBvi2Uyh6)p<_hRR^`#eR>q?r((O1OKF=~C2Tp&Zf0X%rr zJM9^nSNN<`r}9o~PM@+Bp5k5aTrPeGzkCDaGIZf%$zwg;{)TrW5{Om^Xv^N{GCd<5d`cc;h{g{~{95Px=gNEUALM?4P^XNvp|DDgy8o)CR6(&Y8_)Yj(nVOlNspp^#^k31s@F`mtYwmZ5%doO03tdAKlptsuivw|a;rXEpSZ;xE~O(*fML*!jMYFP z>siDiMx5Y%nZmT;T7OIAqLPeQ21Y_JIuT@NFRsbmSBSsT(tQxxL}6~oTgZ;z{ECNW(JNmO*>ciXgN0a;>;qiePa0vy z1e?2hOdU3f$v=#O3Vp!q+KJ5D=zLvEV^JhFJChHQFmwS(YH#3B*bfu6nCehkSsvW0 zyYqjnF z|L?s6cJVZZWIaaO^|)Ald-(NUJ%jJw_p^)F`%C7K*%-@&4CU6@^zZX%Z%tTuA!-Ti zC=s0we)c3Cs)3wvAbn-Y9IE1ld!X&ZPP$B#AQcel(#5~?ac>+qoF=g{pHBi8+q=s@ z1g_I^9&MqFjM2U)L;JXctxEd1fj+&8N*77VYzdK^BhMZuecV#qOJQUHecVW&T0&)W zq-4H?JbH-?yg;4+4h|KxI(!=*9$WZ!hdYWV^Cam7>GpJo^c)0p9zR1va&o{fBheCT zd0Bp$hJ<{(Xg-nfo*a+SlPiS_N!07fi|>AYL`r8#gz*8xmeLo;QS|{SSt`k?Z!k6D z_>tnB&(46{e{cpK+_6F|#!1Ml-;)J;q+h>=nQtU|v zW3umWL0!M8AfBF7ZhSjgRc5RxvX={g3lcr1@;=ke7h~GNNE;-Yfsq~1hviCNKcU}u zXtba3l<4X{*yk+(pCyq^pc_5Uft3f&Y6oqul#kE9Le zR99N5Q3~Bpi%nDPcDU`l(}Pg(1rp|0?Fb5}6>cb(uPlD;B7kbw$Sd=9i@KIbkWab3 zYwkM+A}kS+CB@3aZ=}6G*M(wWDt|Sw#+|0CfZ>$Xz zdePrU`0_++vdebv*0@Uw3QKum5z+fAhh>!lqO93n)^IrcVd-c;wl66tpib$jH||QP zlzNa)Ox73-Cg6Zz^mZ$Drl)OpMg~SY>l1b{HIxqV_NwUSY>oxr?3%h7PmLQzwF;Rq zDh341tlQpVfLh(diBNMq)ojAQ9#X#w-hr`g;iD$(OvU`3PpToLp+2n(>&u!&RbYs6Ybk4lxsf&`AMoZ;KgdEAa)`M?fQ_Gh= z2nYCAq#FOjTPE(@*U!VveA%Q1^Zb3cu>GkIO31Cf3OIUwlB$-$>oWj zgyO&?kP91W(*x`rFnF6c&&=PvFOW81aaK}sf+w*&IZz%&KBr$iz^8rm!9#S~TW5BC z@R8cr?cD;M`;4me%H(qTIr&1>1BM&->O(M`ZqfEv$EnBddi4yza9`3d%abe9t1{4T z1<3~6su4K6x}pY6L!BSY*MLP?6(a9HM*YvT@U;nTI6WbRj6KE-aEsS(ajuZf6gtG8 z%SNJrm`^bi@^k(w*FR#o4iX`qCBjSsaY)x9+5P|iN0`SF=WYI_v4dqFX^}?@)9%gR z(Y!^2E4F1vUqfNQ~I2)aUWvo##8kH}5*yhu$&8&xQZVN}7trZ7*+C+;<`Keq%Pm2h> zF&EVg_BV)&qs76OKYuONb*gpTu-BL)kh1dn)0mTsLT{X3Mskx>!DPch2G0)wkWZ zJ-0Y(k@JGBKx##?pB!Ym#5<`(GkIduZQ$!jZ}8~VX`}NnVqF=atw;K+oU6TJ%#PyHWAMQHw z2}d4n0VSx9hCFiNvtM}Tw(J6682LSzw|y~3OFCr`ze6=`m>)OT_usU~WRUN2K?e-T zT!;|Jpp5{zfXNK+i)A5Nj>VP`;zsJQPWVEZxi9CyL2$hNTaPb&wedCXr=LV!KL|gt ziDdL`6()}$Iu!q_?#XVCR(aB^EFKSW5~u3@wVy=Z$&?<$%yLV^@~x5)Q6QGvI(n##VUoQB1va9G|)pxFo=UwCr5-d!E=V*xTy&?kdO zaWBsry>e-klofB(b)yX(6XWuSKe}BK-)P}8T3N5>;2WD}q!);=~;M2;*TGIA1A~#5w_GO=YkSFb^`IeTHEW`C_yN3V?Rop}I z2p5v33*d{jD4}+hWVp05k--u(J1af zSIu~qE;brcB0L*+r$~*iB2y8_)@(+w=0ja}2ic;*4HnbB8;0O{=&$Z>`%#8i1QMl> zV)7iYi-TT@B-Nc>l84N2i0GlN9K;Lcrwbhgt|FXn3$V#R8&)Hooam2^Dl1Y-l8`A} z_%gLp8@FKoyw~PV_Wd(KWiT5M9A~UnRd$9orAXgCQ`MuVj~O`M#*^kd47oRwHs|SW z8HJgFh=5#?Ie@=}=DdQ$x*U$8{Gz}r;h)zozH{OHxj+biWZnfx1prk^E&`-!BEjcJ=|Be;!+m#Vt&R4|SBeJ&8 zsofna6uQTV@{+ee1aGpdAL*wgPs)7Dh2^U6WCD95D%sD^;Hg9vT6$51`b8J4VYzR)fBi>}V08XW0Ho%~EVttL?hq zHD1|0Qd|m!X0J-T%-2TgK#@6DLht_=M|O+It6~o*jY}7kWv6RMqR1zRR|+tCq~aiI zByYm04eDAiT%#j}>trOph$?}HEe;ZY)0;GbO+JsFfP}yi@kY8(6hxUq+Sg?ABcOeLC%DX65lv{>h^bldV6GpPmR8@hNGh- z@}*RV*d@Y=!H7ocx;0|Dypc})VmSH7k3XthMK)x}rNzdK!gLLGB%e1B`;(*>W)vGa zb3p;pm;{=O-+Uti8E!b)OaDRM){wXT^`@|Z{{}c(XCaxSl{XjL3z2WfScwrphnW*2 zOB(|22(fp7i9b}<4oSQou0DB6MmtdQOkl~*2dGy>#{C0FZ&vMc0UWEo7uY|4xNTo) zQELF->2FXMguWnqCt4Z#jr{S(mSQx18aEr5**4`I1bC4AdH9Bk%S9H!U*C=Wh$5*E z{=osbx?;%dY_@0d-(QC)^D}cZbI4Myr`*h^LYHDR8BN!fN|W=`$s(D?V@{#$<#s(#91K~x;tA6c!k!_HM4V+F}ky$8D7DoF#EXs)pwO#rB?;KM83Ligx-{XHX-X#_l5g)b+23MVgmhD zURm#`t5hC8Zn?eu1e}I{sU}RIeJm5MPq=O&eXd_eod+gTy6nVg%kpJ`^6LBieQwz@ z%jgr!13`6v;`(*c$8vo_;PnX>+GoN9VAY;b9bbOia^iRw-xaLtiP8>6I2K&WE`-8+ zVy%CQcVIG&ouTdSSOFJtG;Xy|pzdt}-d(n?(MoqsZevO% zV!aAgO!G2JOeBQz6snZOyr`l$5QA&d>d_&(6|m1hAInA_G8BbD3}#?90`>Od>|#`- z91Y_goue|v7#E1Q%H1|3I~~(>P2I zqnw5*4K%f^606Ha4wJ(ur(rG0azaR~d#aMQAzvc2!4k%EB5H5 z!q`+)7g$?VTh^cvVpC+kSe7<%`A?&(6RJ^N2C&0=^!HKp#g@&-6r}(W1E3t8+i&~S zIsBy2iFD8|nqy7NN=r9NO}R#ME-Kd+pagYJAsvBC%_=pqyaV{qHDux?4P~`;MOGxJ15#fVdJD5*DOC zwAM=y8cXv2tiZ6YV=&SzQI~qf^c((s=T9TPtRlAlKZLypbQ9Ow zHtGbc#3v!e9tHVrJ(B|>nFlcRyhdA93 z>--Ep#z5&}0U|HzfynPOAa9b~-^i9f;ZoJ< zOI`sxNxi?J%WkuDz**Y+*k7{e&#nMLGMv2A4_}yqQdkvm1EXk#w1iW|OFKWYK&meXJu+TSv&KsQ-pxkb&+; zWJVn;2y8(qtJ{Qi5L7u*6~+XM!jukDPd}0pAf+Empu<~&*62k)mJq)dI1fxBJ7m4P zx(uCtdUf{cJcWbykyv>)=6GP6lq65{cp2l=bq7C(ThGxagCSD!z0aHjoPFFRr@=#< z_>aW&jS%|gDmov@Vd0oKOa4KLtVZ1PAzeTw(REUFjyc03CmX~C)?B2Ja;&;SwHZ06 z<gLRCLDd~TKm+v?a@0EcDN-TNIVpIj0WB=w=L;Omwt_>Lj~&>Giufj3DvJB+&;17=n;&q<%&b0=}sdBFaQ?D7#X= zClK0Ghk*Jw=yRZRYS75-LnN_UMbHkpAyY?1nQRbUDstXIwu<++>RaVB5B7}2B-S5p zGaQstq)SJWJTb8rl110{l8jQaVa!uHq($mn@vP(AgB0Q>rGfUt3>1LAt{ljc=aN_C zYpBC<^Z76aY@6!xi7dG!c}l8l>0+TYhk+T=jzQwo!qj|~MZl-Isw@g~vRMjkA|u1M zbqV@_D4+@u2?V{%yYNY|%(9i%`7bEd&2;HY=TlAM=u0%_HQFW7VB?ILp;xBP?H)PA7 z8L!v0pE}S{@>%-5>Z-D4%YN%2!yzT~A&ZXbPD%?i8k9}!zJnF#PYc-?#8cROl+s&6 z>ah8td;ID`S^CF$%U!x(E*c0-{o^JLPo;6v8^Soa~- z{D~0Y>1bCBu)_1fmFWL7p#P3(JN#8^iqF)a3~zC7)d}~ zD1^=SYhTcR9a-J#wQomb&_QqO%KX*VRr$-?cSo>k7A>NRonE+K{ zoKk7BDp7XB>1#Dvg^1u~XQT)mwI~Ns}f~4+M~3H*VITFx_`K{PTX6As z`-L275gc0p+4q2y7haQyJ9j?)_>RI=(z2d`ZV%Z($R#Y zNk^q$iBHoFr@*zkCnj6$?=aqJ!O7T(xbPJ0UwA=vJeORSR*%$YAIZVo`axlL>X5Ymm7jz?<0Yg*4xY>NpM(1QiMDv$y}PoW#sEh5H=jWL8~Rsjt+?iHAY8D zBL;f%f*3_%a&zL+u08&-f%1@;{Ax9)Dbnt3k@52H><*F`gVLyFlQVM> zbC#AB)|GR7@9*rX67nPYknz$5q{Xm%lo4@$^1z_d{lVOp@wO4)NdS1G!IIYc#?oea zOLd&DmCKFI4Dgbn7D}F5m=Hs(E|t~As^gW3Qol&wcvyA#mFx@W;;K{!Ps_+$$!YU} zvTAl;O-sp9c}Give+^d}VfI-s8w5R2iC0lnV`V{pm5DW)jODGe=P6?QpPhpluawB( zkmRbPEb)~bE!C9`Z@2jOTxC~bq$Z|ROVk-<4uyeVeclAQq z*V1a@XoL`mMD{wt-OU?%NLm8*H!g9sgjU)_<rA0zxqyyV;b68s~$xQJBm^)d{E*PFe|!dd_7mV^%Z(Uy{Z)m&M%`4EoGGx9w% z*8aXYBsMM?4lrqXg*xFX&##d2y~f&E$)2o8QxY3tu29s=oA;F;Zsj~B&JGpNyM-Np zve_7e-U#x|0k%RBU$sY0)eu?NV5FI*GA8GyU@+X|s)vlRUQToDo@pt@lpK|tD#r?U zCZZO%lpx;2z=dCGDKW@w#~_JsNmrVZVQ&+vgXq5BSozrs*FwNqI6hma^Jrao&gDsyiq@@5V@dKNX znj9A<7&Ix>raYuH^7NJ*3z(C?xnd&?EYdnb8jId)LeOV2XXnewGI3pDe4<4#S_(Jl zv5}5^I%85BR2r3iRM#F?Y#2%%1@^EU@a;5eH?<};1Eca~;*jLBVz6V1_$bIY%M1m3 z`2n`|Y^f!`q*hK=imiDWYKTL|(hvK=G8WKg7baR66Q@LN1WB(nl|rkKD^=Y|FKbF= zPtvOZ)RXR{S9uCxkat|ml-8JN0G|7hfd(=%2o#0rUuS(W$||j<5j5IBqkw9{YXptp zMk!~196d}LNI3&StAP;1#A_qv*vesFef*PB8bKmRG?D~zxct?}r^53${1=yO`dr_e9R&*XrJSJEto4jn;Xko_1Z>GgV}NGG8`)BSYl z3lVjY@X2ru(@Ts-qh4f`@F{|~*gbd0?-;wVisy7MpGwY)_*8nH0pI2Vc|i~G$>a-> zJ=q3*O5qb`q2t*r_-Gr*JDn5B+i+VTa;9s8UPMPoY#WRsl8&E+zHNW~dLsXtzS9+D z6yuj^0mD29?~H~P8D`j+WIEioZb<r3WDrVlUzAnc1`t{};92 zCw)XT)3y*+M3eY|_HW30k40x~7{d+=C+~DE2dr9fZTtvI^0R<%m<64Kd8l@*A#XDN zVPXF4>oa2iu-bi`&7Jg@r0h!DwoOLOB!KQF#h~B>kln=Gk=BvYhQQPy?sAvV{d@z1 zh?}J{&_riL9Zp7&SHm^zFfk6{SjOQ^$l;|V4^#)yf-ci#~Qftg#&&m{fu ztaW+3&BK1I%gp@d!GG50H$mzE{<}kPBcm5Z{17p8%%hlrWTMDkCLTy9ibjd~?Y4#d z_O68@WWCL(CD8xjzb6rVzp7rgbGB*BSHsUN+QrV=W1!9t{BG}fd0qKPN_tf=MYQ)w z7LwU>rorHOeoCc3|> zU&2t|IiW+m72~Su?n88E3rO#)3=2;0k`mEGGQgJz`R`~FQcPC<^l9zoR_oORB;+6o z*#`||9M=N!`vWrR0r@v6=wIdAKR#?@7ZAI{fGkJsPwUL$)@%%r@e(wn1p zt_<6?G;4A8_=g`q%X^mh`4i5ZQf59Kr=|mH<`hh*+I2hrbLDNtEmOX0ehvwu z1ITFutQQBk?NdeUio{R@MePVWA&ia-MI*26;XbiczL1Vn(hrM=S_jomzwFasIH^7y zL578pq48w6`RbjzGZoS=YVH@@&n1(K$&7R|-s^nArKkg2N}@F(8Ie*_^1A>XzS+5| zSLb}Pn+ZxNHP;q z9uf;4w1oUm4oiAx68BRL9a16Ya}2x3MEMW!9;K7gCd~ktpbeDqlR<;TxxfC_F*4u! zn>5#G%F2=(vT$Q%QU5bTH`4;ee$R@zFSFQv9hUqm?lJ;heo$vaKLBWjaIBXt2Z`u> zjWQR-o+x+6$H29?L)S7&lA`R+eJe6k@>GN%yN&WBm_THylQ}Ot2V3_C?~-T9M6Jl} zzrH#-opp>UUss^EP=X}5V6u`bv`B@fSvpJqu)C;LIwA9}Fj>UBNp-nX(ZD?e|)%vQA= zIQZ!i|HFR!{Hmnw%jZ|lkZ)eCh+fP^E#9IGkw{UsU7a z_*!`F8rR7QsyYU;lSJbQ%_-b4clP2{od=khgwl$NlG2LGlK7aIg!pKVpWY|BXIf=N z&$Jk>>oi@)tnu<%%h~5i)*SUZf4<}Bd6u6iIp=kBE!)`<$GjfiHCnvl#OBY~yJ91a z6=9)s=Z|6`5{p|wY)_+}&-WykPMr9Rqe-3TnA@apHugR(+bu0CRhNz0D`%TzgXc>AvEY3$2x4^i4@EBJWo? zZ|6rov2Gp;hY`B4x3gTrB0fqQfD^@hm5s} zp6a#1#;gi+qty9L2M2R)L9?;R*q|*{XQ!EzsfpqKo^vBVQ7=qgn(Kc+SrD6`(`q$^ zsn%Gjv%_hJ;?Sb)KC#As2j&D^#@9PLZg#kuYrYv&A6ZS=mwty5N~6rF7176&KCeB2 zF=0kVJer9eq6gfZRCL7JpgNOtMCvS^<6!ynb279sZ|k#{H}&`RCp&1bj>wbYXTSXF zK&7=VUuQuptwUdaBwJC*iqU>m*gq; zshVlOdiwsZF}L!Hja4Q~Yt0Y4Nw3}aqK-t@D=bIDE>0|5DlMIyzb9;*v^eb`l-;|e zwwsI=NEOyO$H5_05AjXToT=uYz)&@|Oi`>V%*~FI(ocv#qg7>O%5+8QLKIi9qRfn(0t9ju3Vo#X3^E}a zWmJ|%7nhbEpPH-6D>7$Wu~e2tRZ$L^*Ss`!9%oJ~NY`tm{AG7sNui|+%hE}o@Te^M z&KHpn!cK0Z!!~w*|1kdq)vP5m7gML23LLpRITz!vq&8$6%Bi)UsV}bISQ?Pyb5)D- zu!F7J1IxuC+!m&Hnu3i&Dd-)8H-53z5U968YZYe3e`RQZo z3P8>_>`9gPQ>Y@0jM;+l2Pcp&qDQQF>a&>!KRX@kAahn$FbYN;r%tNrro`FgaII^5Y$W?iB0 zekqKF9Nk6zh-2SQb1M@tb5h(`K{|Wz`5&p6Gr*cf!-DQ#%fm>Raq9 z?MDEnJUx}(q_tTI@^+Ap-7!pG`oydt@6f3*%-$xo&7of~!F1_BI-U;wFzuipSvLvT zA-`s_bai2dwCkuXo%5J$;iyiAE@J5Ixv%tkrKx= z44f~3ML36CvmGFx0;=R_;e#3Yu5KJfS3v`2)$iopvyCTjv430WXk-eWoj-W$s;6aq zB}a#}ijaP%j+byGu#aB%$Xp1BuAM_AtGzcaVTWsB)jCc-VQu94)#p>bjOSiOipT)C zeXpeRWaNKnF!L<~bCMF{+I#ObG5y?ib7&LVRfv zy~#p?*q9~jd;&y5eUoi&tBZg4kI$9cUBq*jZ&|e)Bo@KyGATVSPPW{ssiC;GRJgtW zB5(rWSYQ=2|Ra$0=(8wL^kT z!cU^G(uTw)$a~r++S;Nq1PAi^sz5=+A23H|U^E4^G>bw$pw*mxB1r@D{p#yMubg=A zt9I{KPMw3U(myekw%PuS7O-oDB!!_b`QWhqf#hHRzTx)t+_yX0H%a4*YokAve_B^r zTFkYd{I>nc+Lwz0>A%8!rTn->IHM~_+z%S3A0R1y8i@@u%A*a*^?KUC0Pll}8w`Yv zuBiGMbIeAI*5anMK!rGqcD!&U7bO-AWQkemL}#ipXvZj5VPQpas6mnFhTq6YJAP7S zt8}U9Zt8T6N+qKgCA4FNfHKmm+_WkqB&Jc3G@=n@yv6%8epU3x+j!~8jOQt!;4Ml54wgMI zOWh735bhAHw0^@41{l$|>Ea1=o%}!Ot9G)6Xi3@E+@k)z7~DF`>=JT@p5Z0?_h;p_ zf)oFku~up75@yO8)`tdo$H0ZzhGs9TtU+pcc`=*^ty#NQ!X(64}<`x?k?wbKZv ztL`Et5UZUI0KJ(|3dlRJ%!A^FfmFv!|;qUfx|ROHtZQq|GyR{GA$fd&Zp(~u2{m_q61 z#)6-rMd{b{Y~)@xC^yP9-8jfNQNI~7bP;=sbYLgID;W6u`qyx{)d5RsR{E*Buyqc#Yn|S zBrR}Jz@*|*eKQMB_%HSvWVb56ryspoEH&KObk@oebGC@cjZ2B6L8dVWevWQ^pp?Qr zuObq@%>wOi+_4u)Z7^Wr`~5;TTJMrIyf1P3i?DrdQ;3NP@me11Rk5ui`E-3p-H}V> z9dXBEi`IvFNq-{mFsk?{b$o7oo~F!FYALDAD@`v=%ZXLROUb-`%q1e5i$VU-1GIlD zov>gzeQ!B+z68yHfnFHjkPo+zd3P@ncQ~qn@moeWAbq%)o(z^czei7oAcrN3BOCCC zkY_PD*+5R#Bes@dIVt%pgCXuze1A|A8|19Mpbi(rLp?U#HVYnAh`p| zAZ!-;(zz$-B!4XAtB%~0=bPudKXQK_5m%9S{T_{eG^Ua|@1eagTe+v)r&ZCaI8dJ7 zD#a+{BpDk7;~W%ddomBf{tV7WN1T0B^;6!JRvKj5blNw41*%=W`7QQ^^kcTwzJ$+x zV2~vY2p_&@`~m(T|}Dy)+^=E<&)p;Yf=SJ)9@x z%09&w#K4^1i_c&&2&iy(yoY}A1!-m6>F~v3DtZPPEtapLm13mDDn;j!enhcJ#PRL~ zG{*-R08%ErqF)^Z`duf0t)RwCt)V> z!YmLTOOlEp+5*iJbyjMRXv-J>h_(z97?FQMum#!z-Jmw$4g~F!l#~oL^6j3;wevbPx6xck;GwMzl+>&OGvxp_WpJFNIM+eKvcL zPk`woQ@-F5NM8|+or*kr5Y@=&EdoP#a*Jdk#Xg0k-e>tWuNb=dLmJ0#5ml(73M1wA zE#gEVQ}_`8d(II1lEb1OR1dy-ELmCaZM1}`q1|3ez^13d5S%cOiV88pao)OXRi=@SR9^o^Pmy18Oln?IQu zN<<0Qldi;ENNP_z5_!n``r2iy@}v>jmYTp~X|CkO&1>KOdZDrObXmLNprUzw;r8MU z=H=#1h2t}*?An4mv(6HShO^bj_nyc;Dzy-Y4MoG$XK~+{`o;0QOXerKwhi^Z#x1E^ zrNBdn|6`LG1t>!l49)O^0+m1~f?5Tv*=8KUtOSlvyy5iY4JWb~pr?s|4P~A67=6~m zPRMo-G4Bc|zR!8rZV?hl8)HYiDJMvb;ivyoJltt1S^)64LpVYHjKqKPr+_m0|3=R8 z!wl|HC9Wx(13!`J{8fCn;D+^Ro|JetUA@{QYg&30x(}>Z-XiPV0_p2t#fLr_RW$%o z3rlmI_H5_kvl6nC+1a|)DT%Vg3n}+?Y(}yc;qCUqJ*Di`rBJ;1^QWpqpL3nB&|QDi zAZiP#-M(42Ic)o`5O#WlsHw7|dB1FbOmko*`}#Lp!R(qlJZi8!MEs-OThx37quDFh znwpxprY4+F6JNZL8bJPVVTt-M2|i$e2q=$je)&t(uDe{PL2RJG2dMfm3#pJ725!U) z+({+|Hc6WTp=T>MEHMPJqp@1Sa@<|?yUoZXC2BQE9G$v$0FLUoGoo{4$3ML+d$8!j ztfXXJ2D*{Sp6kgZ(Z$%chnC4_E?GP?F)PuO#GL_P_{xBFC;(iF^*p#tK4a;B=A1@2 zH*URXRqXDy%VjezuXs>goMkFz$=EZ0((82Wf96d8Y~?p4CE3E9QK!$+DWa9-XT7h; zA6&ihRk5~MQ^a|aspQIEXX!M|Ifpr4U%mcyu}+w?7TP{@E{ZNyGaZn(zx3^nqIeclL|>n4@sS0B-xu#8of8^$ECln`EjW<;Mj#d z7m;r0d0f2E+I)=r@#-%Ze!5&$R8dw|0l#9$O{-RVhqL2XjbAfcKgh=du&!V_@?N4J?N7A0tT}ZMwKk} z0TiLM1ZF^nZ;a$U@{tp1?z%%}@<#eL`9@^emF=C)?#wb>Ijofu=hS;BPZ}N=$@{{B zja@gs1dzAs@7gb~%j{V&Yfb1HFN*p6j`E)T`^Uv~4>(ruu7Q5_0-d@3GL%oARFl=Gl1 zG|bT+2uT?iK9CQDMxXEk*)kVQ#AM;M+rGStKSZi~b>8-NVrVsW6S;Tp$B#lUAB48$ zETA;WI^qjP$-$E>nIo|;UQZv=RC*BO1oAi4@jG@wBoCnwxOw9`S1`2SOxovbI{h47 zUg<{XNdAg@;s2Ev9Xi#OucTs}{SAU0eWxeB?6oICFNlvy{2D_J09N+5_&{TQ3us}u zY{3ktAZD0XNqmApfLvMw#jBQ}dLMR`4e;nLvtSMNf4@SWcgAZ^kjkAiY|aRvbvmttaHqcam_7_|n3!-kBv2fh9i@?I&LR7J8Z*{mo)`sB&LpgF1!pFEE+&3uV1+W67pow%Aq%&kbQt<+Ac>%b^J6+n8Ahpkk58Jf z+;>k776Od~Vys|ct)O>Px;D7xw6vI7uU)!z9I=MtpWo7@X%KDb=H)fS`?auA&9{-h*@T9GW(rZfxcci69>Gg@A z^vY33KAM4)>}cQ7{kSO~Z-kO;N~l^;lC9m<3MJY9=*Z^x=*T|m(UEoD|BsUFORf=0 zvXG`71!-DWG4XgN!cYI`Vf90Iar?uy5BEKE-smp+{%>Y)Tv@atRg;#=&YwI=A((*19wxKk=_e=<6SrrA6Zk@c`F?V;hhTXp@(D-WCcx#b55;nCkw#{7 z)K;Hh*7xQ7CsS@p%W9jgFy@49wDT%D$To#px_C@M)o?gEMp%aPi zngS6r`UZJ}%2uw9+Pw`@s2HyXo~6EK@;=YGk{@P>K*@U3`2Bb&my$L-+uH5IGnINRR9Lk2hHDMx1B z+RkP~=^`V65kjJLEEx{~qB8<4-8zyWNB5>X1Bm*1j*Ndr7zn*?l2z*VYAe`#M~;2- zRPb6G1I)oEI0m0Q1RGgQ+Na@IAwpddG2OJdi#wwJXxo{--->$zx==ek9U*PXephndWYskD@Q zs3C4Uep=*Kzqh6Ako@M^wF}n=Z1Vzg|Bt_z&AYKjhjyMgdGPRw6W)h52>^pTWWb;eY=7I9Gb`&vXCyT-6%pYvG2tw2mh>AxsULk~!c+1Fi)<@-2U!mKwm7^z zrlzK%qJ|}{lE1!x^w(eCPwvk`CL@DJFj#sblvNzYKmD5}?@BI(eqSS^?@GceVyb(Z zd_aav=sVr$obL&XoRlD*@(ntzum5>|)2s8C?HZ_(E69cmBH}I~iF5-H`pK|r+6XLH zJlo|US>v^B?OLx66yJ&sAOlWwHg{vyvu$uP$OhhXrQ~?R{HAIQV$SV>R_BM+Y<7~UCcDjn1>S@H?P%;`y z-(&4jHqS0k9yyu!eutD1%SQ=vNss}%+UeQPgER;w$al#OUex`%^IPoIyJTly=f~t5 zjQtsUkbcv(oUiW;gwhn<(RGPzav}%GREF&AT26P0I|CibPO)O1F2{+WXx_b9FpS3I|XI9%1Mvym@g zo)Bk`#~ghDde&pSeZuh$%VNAFMfA zbV{08P+&wgd^+eqgN5Gd1^>~18qV11otyu^4Zk5PBzxOW6r7M_WZ1Jb-$@qXxRmq9 z5M}+lHI4LzE0W_yR1owP8OMmz>OAr^qm6)+T84xAz+_&K zKO#3??XA*Q%Wqt()ZO5U?o{5<-qSa` zYRJC=il*Mm$kv!LOgY)EmP`@(j5>BXgAL{h@tIGFM+b4ZG32{xw-!JV+X*SQL4Y0= zsHB&Og2{z7aXyS9OLo<3_OS=cPZ--RM0K9bB+h@4h>9cSM>9{PrMiAd=OubUY}r9`3MtWCP)U*)#s<82E@?%AFY86Uk%+H~`-^`88T#w=wOw^vmX zeQ=u;!ZG2mM=@1&oG7jBaK>Tzqi>7rzv5aFmXL7)^2Kyqz#dPIs%>)S5%s@wT;z<) zpDYmZo9s1AvUs`ilf>m|xjS4NO=M1KjSLQRdJ}8+vPqd-FhNt~Q87wg6ql1AB1i0< z%t%RFzUraK_M5xtHe;0Ng|WS(E<>-)%oG_-jL|5>2T$A`Q%(z~MD`{oGc8M{P)OD4 zS?k86j#bn5(&ye(1yS*^}3XD zP~^*#^Mi8}q;MzO$E;5nwRzdi|=O$N9 zKDVJ|-s2T_@M|dPTYg)1225VKE@sYd>9PR&Bi&|SB(pE(d(pf6NMs)VCMS4LxQ%>B z0&M#rr_*^Bq(D%XM$$=${6^4`!NHq1&oFF0;kNmt{=vx;R;#NpSD~0NA(*~bPepEH zV-`&tE~DZf#t_l3-`@P8f+dcjS2SrHtKW-}9?(03YXuW;!viBs+k zl2g%`F;qP4=CmJTIY0VV9qs$W*oI(N4Dj*2z>rQ9S_^S4K8*~i-+aRG&509kCr&&t zoY7N1KOS1h))B`b^6tc^Aq}oVgPw+XHxci^?Q94>vDq+V^Jcf6 z{ZZs&N9aha0^98tN~EoB2Fa+hhx31z6VVSp5HY9g)6mefZEihZq`)TP8}jp?Kd&cD0Fk);Uij6MSLpT++Lj#Q zZyoGq8^CX4GV_#2(=*dE>Ay}U@`}lteK@Sqs+|K=4WST zXPqr5&#B1$y4IrCDwfd?Vtk~rK0xD5j|hp4@>-Lq$kx@vE3~=d%+1n@Pd__)t@SJh z^|{*fTZ>dhs*3@Fden)iOz>!T@(E0V78FXkN*}CF(j;dDrKV_8v?19Uc$oe2Q!1lN zwPwAvyc(vYTv1MSfu$@n+mx#y|#ja;?Mw0f< z`#`WB6Y-NJ1*v(;)UG#ape~KIpM_bA-9<7vWJRo2pALV`^faALuhDCzudhh-M!g=n z##~LF+yaRQO>QvQR(|y90!dgz8(HKs9NDG%$4$i2Usyop+!cDM&+NI6Osi zI_R$NepWb3Mf-i{Hm;X;B6oh$gX30+*9)5I$?TUIGJ_8(}E|>rOe*w_t zYZoC<6vVqx9YiOG%vkqhk_Sp}a}ex4cdGI5aq7B5+nA}~H7%8_hmemW#Nn=rogdGI z0Y~@essH=N`QP2sTo49#o8c_&@xr|bf{@df%X&eiTHrg0>$XNsGzk74D0AJRcPT)VEJ zNa+G?qE}9~YbeH%4iUXirbc@puVt&~JOL%m;RFYjGOMA?=1BYfN_U`lWG*0$ft1G2 z_E?4thMfB*bY^dC7(AQ~hPwMkT&{1P`u8s^&(<J3S0l#o$FcE);biNC5 z7)NCCm#@kZEhyTpBjQl2D~WX%m@Fn;U#^815)s+AiU(+nFba%Dhk!8BcR@eM2MMgeM`X&$y3}?Ti>GNw%IO=NbloMQ9s+-EkKQQQUcDfPM6V)Ee&3sxP-dilVIFf zz;vx3xwh^n%|$Ii$DHv$zNwV$@eIXu$2RFhM!n=7}11TV+lAF&P3|WMJj|JAx>^%ZRT%Y;(FKUwd@@NZw{h zITWtRR1qzcfUq6F*q4*leD@QM&o+722If@o(Jd9M{S&eR_)E#Dprc#y31eYVZejwk z8VL#7G~`7vz7}nb3GxEmV35TA30?7@PZK3uYPTJU5t8&#A~M4x3y6`-Ot(y3rantA zOmxLW(UFSUj^lv%VUXOwuP1=@l7??dHYzBRsqT*ZFvPa!k@qAd-#(imA6%JB-?2gl z6pE2~5AKn-<;C`I(I3oyLWXd*A!1{ZvA7tVCm3x;V^rM;_i7(nOZS7jwn4bEN&jDo z57alq#j_%Z?fOXW-g)^X<6J?0CucGACcW=(#M$9IW;ZO==?Q)xgVIj{Bu9S#K9oxP zE!goPXFtp5pj6_*14teZaPFJ9jK|Nx={e>IM?_~XehZl<=T+cHos{Hy1c++Mmt@?Ln{N>|?}ZkFWcIb?&F)-(==&+B!$WkzDb;H1A`x zzK9CTT` z5`@f5FFd#rQ_p<8lWj|EOK3}cxsymww!Lh7xrs;yw+%e(nq7(zSCC-rUX-)l280Ls z4-c5r%@kg{K|qiN!($eUF)wUW=uD0b?}J0T1ARv}a#cG}#?I8SbiaLs$f#5p74l`P z5`s2zK)s9;+2=|~!Wa=9)r__hGFgrQd0f_8o!FnX|80K^Nh_GcznPq*)26WB27D8Ea7^F~ zw}9zmyk|586b2Rq6iAmfU*GX1@*&Tj!M>@}-F8XvOENpz{Uqch{gZT+~JDd#gF^i?(@AE`~2eB`370= z_zm>UL!-;Kw{QM5gP$7Wnps)IJBsXm`G<^sK?&(MNi>tb@3#y&YQJR%SF>adwTVD^ zT8oXguw>{MQD-Y<83Ua?mj2MjrU7ZN2R`-*_FigqDC9%a?OZhdBBurpCaVY)b=7o^ zWtM*a@h?Non@!6SL$?Df#k-a%$St~3L_+wtj$H;@XCS@A#3@mRfG%UA{f&L|4YKd6 z$=l^;9@QK!z7huQOTs^a@ZLPacz=fV`&?R(&f13=0a=)UQ}b=$&FF|p{FGP{#=j+` zkpT_@jvDk=9_1{i*{RZlZ6$YJIuV}U>G>#B8OeJ?e@6^YKJw@?i@$J!>lI;~VA?GF zcOiqIO8vhpa+mZ&t{00^7Xk`~CxK$Oi{uNZr9zvlo#v$y;T4T|7s)^Cb?@v4iHk}P ztq0l2N8!si{`0YS6LJX1BRsw;xHJvnhYET8@PFQI65hG+E*g)opmpYAcL{SMo5aZG z55=4Kf8OxB#M-6mMN4D>wPE{M2o&wBt!=)hzM;L!@w?VRpIz1YH2}|@lzh#EM#n~^ zz-L>*-ViR%RytHZb(%797ToF+HL3F8xT@-=vZB2vuHxsP3VxO2k{j+b8#hPDO(;WU zFGwI05FX~AsLah#vUlnGbnZ#IMm~H>a@+zgBT1c+EDs2)ZEh~EY%+6IPo9+u`l?=J z{id;G6jz;Oi3=0XMkBM+KiDTxm7SN&K14SWbd-9_2Mkb!4d=AVWKEKMS5Q;i;hHKC zPMgr9^ez&r^f5%WbqJZuRV5e4`O1)g9)|qTbEuWvV#ql#9(B5~P%zd8(3Yy6U;f~+v!4?A$pg>-yw%HA zjnqksUZqNrD^!r#;F3vtAzv;kuv+sAEXoukTWl{Ek!I@0=%FgFO-t9X8V%?WunNh} zP3JNY_vXmDiD^or5NKo;{!3$y$O6N76Kl#c!G*`9Grc`1PXjMtS-$~XEO;ixlH!*qo zbW@rfd!puIsHuW#fvwWy=H{64jO<>b72O7)EKd(%9=SR#P0hv9lya&UK^-_RFE`h0 zWGjeX1QDk6o^L&DdxNp4^HNo5kSap5%n)yXk1a(5l`&Usf!|4<1;BEl%^lvCv8Lv! zlo;}NFPUifV~g?iN@JcH0lhiTiY3di1z+{~`HCWWQGR|AmMbJm5!u`)+2#y5oF&!dmX(p7slg$^ zZ^os8)uB(7Y9)%U_j2f4IjCPH7z>k2FqTP{$_vM&uN~3ERf)p1x;E&_=0Ip9vWmO`a-Ct)cHNSvOndrH##2 znl#;J&H5^ZtHunpv;5N6Pssc~xWD(4A&rD9l5T(WOUPCE>7w$|EFeRT1{NGd0F13w zz(iT3Z4s067RmQ`>ohyLpwiINh;rmf>~~N!DcX1J`n?NFhwRu9oGj%BbdE#{$(Si~ zelI62M`?^V!syAU*J<^TDnVjQr_d(r5_BoLBw$&c=cvyaj$7)0#;5Of4P%OGi|UH% zq^-B>u9bbZZ{CrWCw73NU{+hwENUz>EPhz%1V5=wR?HZ?14=zEM)aK9ETx+{@VmC5~ zKMWH=F&Sh(EG&?f;$}?CRHw_b#hDexf=pqV-}oh>aereq3&eD4*Dw*CAjTLpUQ?_u z))u;Ht3(-MwH^;vmk1I;5+pg|U4><)+J=c12*IWc|MjbJuWtV0;oQ-^U9b0aH8MBF zNQ$>Y60cgc@Nd%I?<4VFbV6RLDJ?tAEmNDRHD*XN#d>p5ei{1*nIM|`H)-m(NDQc1 z3zF(JqMQB2&iCn&zrGarBa_lB={XsBZYWe|p-`<8YtxhB6x<*>Np!D2-Pf}TWh6fZ zTd==p3!<IiZV8?%Fa~$F!ZQbc1Dl0g|76_T@vr-xZ51hC z=rwZfpV0rc3kFuFG;S`>#mSePsm9C^GWPH2;r6wggP9& z1z5~XVZ|M%h-t3b!qVLI}C9}c*Uza>!qw2B`)$OgVY|E$&l|CGN6cLoGjJkSJX6j%zF(qCd zhx`!a0+JGQtSMYXm9DM2M%vt323P14aYqAM*@&9Vw(6>ysy2O9xb)o0#@W+k(}HHN zUCE}TB%~$C|GO91hyU&c#O&bj?$To|XLo@QhD(ev=(_LZyq{O<7-L3;F+)xg(L0vX zGSN5*5nezCgvjGRdw1ubz3W;3KiBK)iC8c2j%UuNjo_^{xm;Ulbvt#S(3(}Q zEOetwNCv^vTBt2gwz_RRkZg^`_{GiEPS2n%IioC$%}Q3fZS+Z2YGbX*Ze$4su##pd zle1zAm2Rhe3YFzq)wl5Nqm;uG7Ca& zr8eG;vRz+j6RZi42kvc)2R%8ORABV@m2DHF+PO2sR}Rb3$p~@s$ot2yeSWQdHT~D3 z__--NxNB5I=C>GR2OgFaho5C64+P8)0ngAOg|P}?Lp>_Hd&ue$>`XdgFzw&JKV3_b z=sa>|KL2kiZ55L~uTyy$z4OQNi+(3FPd7X|hS2U)zFm};l7xFy zQj$iU!gXD;w~JzuQz9Z{_I61`K}1C|YZIoayD`s2MW(z0&L*^~C@iS1?#@BDO923p zNNpH)81wUG8Q95lhFwL z)E|+k6xJlp6dPf9bX1(1tIvb7KM<~;pzt02Z8$F1snm5C9m~->Tfra=lYg>e z%e=XtZM}V=qxw)A*RZF_uYQko;r#hQ!vx}v+s|Yc93b2TFA4Mnf{!Bdj0c@~wS6!@ z*sjLV!4XJ;cLUadU=HT(dQs_mPs=L#>b0u)^_W1`i_T-*{%$h?cVqhNE(Xg5ptR8k zWaMV@F6OaBXcfO+<+)0>+OoEEJVo{@Sxf0@Ou+JM z5U9Qz073|cG6HW!uxrC(&i76NgGHDkymEXT31&)9Th3jOT~M8iKaDRFwum}_V@Ufz zU?qUQi&Y`QMK)D%UhSsfx-k3(`jmIFe{z|n1xP=xB4O|a{~Q}{z}klEEZGJ|!p{F8HC%(GNE17V zNJNHyt2Rw#4JOk2?kg5`kHtszV{sg`UkSH5TTGVd#pZOn|sOu?T+?CzU z|6=cTc3NG*!IA@IEpBU?Ma!vp4|S!SOo%95FHXlpoOd17kGgzBhk$7{r(}|M+Ahs5z1w05X~_d}Z6s1b(NgNeKW3t@_@Cc#0>Uhl zU7h>+wr^})m4BS1x#k81Wckbe1GH&D+;N(=O0hA>cZVD55|ejq_Fogd%#9?^5T%A` zLW5<&rcg8N0F!1^EZeuH9YU{IX#b8=!50;7TWGo{y|FoiD4eo$8o4bb{bK&9hW+hW zhE8rjvG07v6*rpnKxD2p)iuZ(Gbr+E~26ovQdpE}3jlFlVE7(C0r8nuFrNh#D?_j}(y=zcolxUhp z(-Z3xliai13(xl(G&$!v=Y8LQK3BHP+|y_7a$Ubtb9=4zuYVD%M`UnSz%%Qk>CMT_ z33B}dM8b%GjQeuJ@@t$6o$~i&@3xt8kSSf9HFvgZcJN%U#r%_lLAwv_^>ehj>df3C zY!mW^IF%;iGz8Jm@@SEXYD||emNjdeV~$1yOt2<{4-%`7f9-qwigl%HnRAKL)p~0( z$uNyGI2$bRa+W?t3(*;`u1^5(q_5H};bfn`pL%#5Uwnm=dEoYrPn{`QW#JH`+>-feszI!%oC~>)r2;!xp#&ZIh z`j9&m9T0OUMxGjwjNVHBCDRA_^82IxgPc`PXMC%o`6q!txeig$ej~P0tA4as6S4gK z)QL|^_$1kZ{E*6eRbA@Qx*YskUcB?!Eftaf_$^_N9trcS=TD!`&N~4mS zkBVBfm6gVq$CmQ24T$rK_wrI1K9IS^A53)PMR^|Q@4P1p&7t+7x2V;KYht1-A|fFY z7RYg02*CEd(IP9<7Q`07P>YS;m$+}A>JQqJ^$$q&S8srH;ofxnQ)OjoIYm6}C4mQ+}jRFnlp1+`^tOdNeHvs_Q-l+zi+ z`NqwR>WjRg&DPkLd${(&^l7W-&;0oMg0FbX?q6K{?4cwxsJ|ng2k~vjROH!54rkw0010Si~tOCt7@;#HOHBcOO1_4hv)gV)C-qO&dXC0lXBD4DY3b8U(h-C z4q>Rq#A@TUT3#C+qm5QO#(4$okCN|p3^}wGZ6s-le)NnCE4X`;uZV3*E{l}!BeGX6 zu!Z=UjLLj=RY=c-2t{VVZ=<8vT)us)@yog=DaqDg(rOa~_nZ?WkE*W}64OR9b_U@m z5K9P7MWrW}6;xKLF1cSga1ur}n@GrdvW$kjvT2wyq8Ln6CFWPT#>l_{J*4Z^(x_lXbO^$ZF{*WP=+l#4= zj!lP~@DEcRc^WDvOJ&#DtwXs>P53XB?Jbqv>xdce%3eAwl`WJs`A;pUcZe%RTRnh& zMavLV--4vYWVEoB!d!ZQq!LTU|ECB3KdDPg5)w;=z%vo&A+&W5ozV>PqO4SlN=E#_ zaE&7;=n140zrq^I0QZ)D;gh_4&{kN`#*;0yn;luqp!?kob-*Ap37yFeinK7eJOOSL z8x_Dk(!I{xT9$bZwftupm7* zOMo}u8F3R`{wadc8x+1dZV5iYT`RKo2?_Q}^nAaf{dAqRVWZ4F&$AqA*H}Kii_nMV z&y%mkGV1cFhW=&?jWk0jh(8|sBOPx6Li&LqwVkU6AYZRTe837uW&aP`dO473aIRXaBdqw|FfsSfhv07d^JZU4U|?vW$!uzHB`_BhQw5Kl8mlD?QE zBEgh~VOL{zbM<%BXy?W{!KEnfyLy%7MQ!_BrYYg~h7$f*e8BE=QT#|8(-hp0PNviM927POi18JQ|AX=9q= ze{U@2&(^-$@$B8oCQXc-H2TA|(Q2pQod?GJb>`fD;gnk>{cww_5tI5xy%mN3n2{`ytZ<*TQ=jsQ1dWXbsBGx?L#T33F%`}Y1P zzAqx=hDfpsiZGYS09!f}UlEijjw?$k%eN)Y9vl9hpT7> zRt~=Fw6Ho9VWWd7z%#(O5p%sT*9)NezMYtXA9^pgQ!;hXLIcepEzu?om*17rTN%G! zwoCg5-Y49ona=Ci2-H9pF$tLoS@CeF(Pm|u3?kB$^;f@e{uY=(u)-9f2_XrgD2Vak z#WgeQCn0&D0D5)+vhDM~{i6QjRe?zJw4vINP}Scvuqgjdp#N8n_8c(+8GOZv=cH#k zgeB8?8bwSPr#&0J*Qzn|H$bHo&wnF5ublUGf*hALQ;P>J9VlrKb`*Gjw>;k0ZY*hn za#s{JVG_`Bh>wVm&_+gJucawXN6wdALFyL8VKt@G7ojH*Po~%!pCO}DT2tV?VnxPV z7K@*@FXVEZ5AAghqQ>@P#@K^-=n?7_=&p{4NKA?loU;QDXV+f?B3O>sz-w~LRrT42 z1GAmw?Q@98VZ0f;@KcZSo$($XHcOW>R|eCb^+3!RK>P)wXdRO66CV;xTr@v^WNm47Talig1kdtjvUCYNce}i`o|BOv=y5YNi!>u-QxuYM z;fUt_ zg>wb*_^VxLq|X!i0>)$3)SyY~NmFymX8|gC5B=fu^s8g8)S4MZtn3gPpP2v=LDj#; zl1SpUoIIlHkl&E$wtYj!p0imG#fM{nf*vE|)&qw(b`!B3{2TqihN`lb(MPc0^7_{g zjMQYR=uA8M(I{&5ZVb6pGB5c*{Fkhu!G~K0JdW75Oe3~YyJebhVP0i4OaorXADn2( zHdR+Q34}9bLh{tH`oLjmw*?!TmuW0hjQ+<`1F;kcH!rxmfDwM#k=K!r;N_Q#_+T+J zLw2~XmHeInrK-fbMSE3YVy4U>7{j*>N{&5^!W7~OV`&R4w$LPbGsB3wYs26lBgofE zbgiUK5<-xCiVV{sg&iIgBhbVSSSaaUgJ+I}1c;JtNG5<919S-sj*J}#0lg0BX9w$o z)Q0KEf_|uoml@h#D>`A!QA`AdemrQzf&#MNw(QrSAZ2f#ew3W zb1>l8bk1heSb>{Z2786fx`l)?G$qRW@0`i{&R0T1)F}bmF+CPD= zO;v@`7y7Ax(M|esWW^(5`l9tK49;Jp7cz(}et`1?Ek z%Gl7KrLNSKL9gbk_6A$y+Kwg}8PqPiq0vFH5pm%O;faV2XN0yO-9Pz3 zR(VQ6PI_@lHd;2)C@1FeiGbA)BgtH1lV7cCmV9D8I*YLIqbEXA1J&LMzM(U5*y|EyYw8FToF<1pA)KstVGH8 za;i8A6;joK43}_kH?M=Sjs*u>W?JL!$jH;=QY8UR9bma zTS0t7M{;DqCh$#d?()Z0WX_(84$#L4M)#9AQizlKIs-+qg0qUBkH>_eeZQi{F9kYwJ?avu)lr}O_wY~lzR_Dx~eZRU-nd4o%e1ksCW)}8)v|jF0(-77G z>+SNEdVzc^I@6Qln~(}Q`MhHcmrdAM(lda_W2&MnqsnLhH0!fv=c*Q*pk}3XSP`{I zpr(f?Q$43-O4dh*-;}-0{8LWK^&Q+zm*tI1)our)g4~7i_WP*OsqsnCq|{IapqXLU z*rWY^*eMS!D~|@>qxHz`8i5c1iGS3O46Kq%6jH+3%3vObQ1nTpJ>nzl_LEV3$mIyn zz&!~GHXCUFpuO>``mf?E06yG$n_CDGi4m{qvX;bbYf{WM)dufO7p~DW448fYf)680 zb2^aun9EYNnD%`4(+Q0q+T@QV6Oj-mLPsC&t-cRKrm_P%AcH#YE?wYeJ zbDh>^iR(c(*G8Xf2ZZ0YowA#wiUUlH8BgaV$Y;&VE7&dI=`9ImJT5jx+*P++C_GW+ zQ@o^BSXMjve8SJD>k|kpASSC@F9ZeG3*wACpv|NWeaHrW9u0vCPdX#sPaPi_aB#Y$ zbW612Q|5SnP1Z3r__-vPwCzwxXC#IUJWQ-FUpl@2V#&44%X!x>T_&T?Ubsf&moA^$ zfAQ#rhU>T$V=RBCq55&+YtBV`$lFUD9I4AL&daP7QWE1+)uPbEm8E3o6sYT>_QeRI zhvWNVArW20>IBQ7Mn=g}QSzXI+wOP3-7h?+>UcqQd0}Rd8*kgb1=f3ZbW$9d#7t!! zXf9)EW@K~`HX~b;=~m__d!KA`q1%`%>`9V~Q`(nn_9))$>lYhwkdJhTj{#6$SCUqx zmNrw70am`Hk(E)bHdY(SCxl1DN2!Rd)Ag0rWfS!T5slPIwS%T@-pwF z)XEbJ60g(F7(zB}Skb;BRyk|ySQidv1ms*gStBuR$)6X*B_erf|>{xGV5$hYT zit&!|2v_Y-$URi8&dy3q$raLDU=$dwMI1CLB{MbSeCjcwnoYX^&%ilci)+ocwL90( zSzhP-Nnv3UMvS^kOqj2KjIY|oH@g-#Cq3Ad;>0}I2?(Eao+(Jox+i2NWok3!8`;Rk zp^HKn#|BwnVT(wgl=9lx)Jk1xT9%xwZ03?84rF+$XKh$AYW|V!H}bL*Q;UU+>rA*` zpadE7D?27YfG_lFb@OoqnT?F{a$>@Y1l?7JOdKMe|1CcL()ou_zEMQiHIOtTld$$m zwR8=@vyO`t5+WeKsFunscXZvbugJ5uLOT0`boSG5_7n3mq_dw?kRYA?e%CoK9Du*O zJTWsdGgGwz2N1R>@oM?g%Wq85xm&XSk4$nWDe|osW9cj+OIpjr$s{ zuXJiI&P~h9<754pi|h&9GM8x|j$V{TZuAnujZE{s(P%fmxPR@Znt#bRv94p*PhGHl z!L9Y*xc-QrHG{5w^u;{L?{$Y#;)2nX*-3k=v0zM{0?$hQ|S)`~2?bi!P6^9*Um_NRO2-r#wW;=HAbQX(qkZSS;qGMj$bItFA}y&)cN` z-J09S$vy;I3iX4l$+8o-b>UCQh*ryg7n3{sc+PUWQC)DYR}o+2^Jt$wgtn48akCD&u-IaGLrs=Te8)D;bzC8ldk;nV~k}FqXW6+fwgK& zqgmC(MU^>GS;6T-WJ+*~hfcnt#HZ}E>e8v^>rD+I9##B42c|IKP`a=Bpzk3c|IDzX zLBi*5C7$b5q;?D!bigzEpnB-cM=xJ|^~KAovZ$acVWzCo%`0=idc~HFOBbEqa;Lg9 zv!Vi1ZH@04-bgLC{#&-aKlxa^0cgbd*K$Ldtm9{W95-a@)FJ$kso%VQ{f+cDb%+42 z&}`0$g&Om34DPY}><`rIN8-iYXR9IOPo9xwYp8NIk*%e&F+{mmMt1cXLu{CEYO{nq zV{vdV*oP+^mu+-&-W(?2_WgtQWr$KggZq5djXAunC}-!aS~**=r6#i3*H^ajwla}z zyM6-^VN{*>=Y2_Llw7)fy0Eo1u&CwEncHOf?e(pvNsoa=NAInEu<&-#ZTmZQMZR|& z$Q){Zf8lKjtbLnkN=xsqM1ErN?Yrf^pQhhg^J&Xpc9$)KYIfy@V&lJYCyCK1YQ%`u zhEk4>yF~h5W-aAref!R${m;UI^Rwx&7BZ4+L%-E>ul{0S=K%8T7*t!Ros2yEL%n!Q zh1|%)GMckAm!?o7b|zgmkt}2S(F|643Nfua$zVp{gc=!H7=b8X z22-i>8xZGW%Yh-bCQj_H)Cqb;zY-^gI^B_p7wHl1(=Ej-cr1dNp6-&C#ZFHdJM9OC zX45k1H)dcE{N%^4$1u{GLyd^VPweMJ=?`5fdJ+~_bmaR@ULr#;)1ha{Nbmtr(&#FN zVPzO(*)r1&@wf-~#k#2J^fK1p%Q5PJ+EDQwn;Dl7#z&y<{4X}-z<#Z(+K06?MlEGD zmO9EdT*n4y;fLKS2IN^&@-Oz>>Pz4@2fr^=c_PlYSSTTTWL1sP0cH4h4`vQVkw!+| z(kJS{g2IO6ay&lLG&0|t%`dGET})4d{|8q*-~jS=~|p5;2(D_ zSnj}_B#R8D(jIl2XGE8<`>rvoA$;s{lUd7ptY8+74Q*J08q>&Vo{<-=lRcBAY16{_ zFfB9GaHK_A%&4!C?^cE~(rLyj{7y65=mBYYm{qP|XpfGm?40W>{(dfQwh0|tkR4m? zbQ^j4AuYR&(}k57z54s?oXCyXCfMJ;Bx{T;bIj&zvhr$bRJ2BP#4_m{cseS9p=GTv zKa)KO+_gGE!17o+)aatDDXMgDwsf-?b(>Y4m0we<5-SXUf>xQp{C(|5T!Bnf8QCv0 z%+&jEi)q;%R=?O_4mWK&eZqBBNnuhxPn1__A9m9YcW`DoGVSZtDj)xtLp-%uO)S`J zCretvNCM|X+Dz!qOO)AsMpaUfglweZD&jhuw!dHQt2M})L}NMg)x?~wJDgTk2+sih z8fBLZ9fPPyPgsi zThaBDIIzT&O4re7R<~I{vt1ol1T2w#?^%Bg$>3g9fTrO`!%_VB3~;NuQ1VbepSWw{ zyd#B3pOEc7s!&~I2A|84-{=JHYT=P{NkVKAvvW$+TK9_BVnLq^$2@n9_FZuYUsWhD zz3+;Tmx`ZH5-jbE{#hcX7+9DvAch|Q5I6`!y@9T@hp_4hMmUD{YE( zVOe5Mc~jB>9iOu;d+ruhN=$mv*JN-`iA|O+Co@k??!EfwIMJd@Ms=}*&qvI`sNG54 z>YxMhMR{M5H|YgJc4}G%igP&HQQVauq@xXu>pEJ-JK8hWPaU{BwiH9g1nF4ac6uDz zsNS-p`usn~8ZRAdVtmrOWA*cujy3k(vBssOfB&Kwfpmw^&#zR?Z4B7G&yDxo?-0CBy>Ll!k&{qB z7{;^t6Tc(s+WgF-V*l(7g~F8TO-+wgr}B=}Rq*9C$Ft9?A6)PaDHr^yF_Y)A4Q4x@ zLE!apb#!;m3RJGw=9`3Vs47!Dz&4`dl@nPb@vCCAk| zoi+~IuY&9_$Xl2-+~6V;_mf0!jPJso4*a$qc42$fKAy>GUIHB}RSGqGa#u`K8Jx%)&cVsi0a^1<2dAc!CmS2_=j0$jqEOF;YWHD8 zLKE1e{W|ZwU^&(loKqB4tv+)iv*@spH<0nzyDD(0dj7hC!+QlZtvinSw0^51Bft8U zSlv47y`!G5+mW|w7TA<}VTXd$=yhLzP3%C&WBcf5aUHcCvwu*K2!-5G+wq3GqzR9V z3>VsiAx+9ndLEkNlMozgW0*+)4gJ*vfZT>=XC(kL*%c!L&(=y>*9Yz8bUY_5IDGn7 zFLa<1@Rm~ zkKxu3H-8A6QV(h_?}%gRFv|U)cxKDEaqo6T+7s&oig!C<198T#u#go2=hpHKYP#{< zdX3(0nx?}J?z(;ckKYZ=?OqNNLKp}1}B6zA~!I20T z=F65*TerF3=Gh`h1_lh^b+8b6OnMzy#?O}l6^w)Zf+$WXNH-a1OIeLWkx<@_R~e)w zchWsji|t3eFAz}9EZWC$f2UIg%U}K{eC?fSIR9T6Rl)L$dtEy^n2ZvGk&AvQ!DTJq zv~SlZa&#v`Mga)(_L=>Z4C7(txd7Au@3!SWt*Qpq$K z`KoH_c5q>wu=7ynrJRJ^%5>TC|!f*vQB*_=<$Cjq_ukZW?ut z_EghS>JHT20~$zrgVN@LvuO0_%UeQ{bLPQ9Z@E+LS^rx(DUt-qnpB`Gdy-agY;lq7 zpx;$$%b-^a*Kg{O0FAer&>LBmzZM4N*~3OUd( z$xwM&OEI7azfJn|Bfhg=C)Vm6Ms0RYq#kmwaGxL#HN0YeFW)QB8)OJA1;OAb*$j^I zktkk!pLVYv`Dnu%But3z4~^AR7?B{gOTsmq$VLS|HmWyz`?>BDoOWz<7^WV&@nqvp zp~lI(a3f|LtWa78ANek|>7^nF#$fd7{__*`HfT^I2X(%*u%@e}^YS5GWN7bK-Hs2}b()9iFg#Dj?h+ zg1rX<{(r2TT7kO{hs}lT!N7e!#R3H7dl_~cb_1pvB;5>#$A-t!H512+<4F(=`c0$n zrSBz`Vv2nla;v&n+mqWj;6eG3Oaj>2MBm2Uy>#|=&4~o>GF~ey_sj9hJxI7$);`s~ z4Q}P~1a|(d^-1GkmN6s+of%6yR27;Kni$I8GN?g2ok+t~wEO5q11LL-82#)3IXF7e zQygpXP}628Ko!s`XTk;^-r~rzML!N;9h1S>>%h72ubQ=pCj-{5enQ8qQE^y-SBmBd*qOcn zBAeVh{pS_o2JHq5zW_*m$IB+p9pV9!st-VLtBEs0GBUCw5@x|`$u2c{Q2?u_2qG62 z*Ik_PSpD$snXk11yl+3BSh+Hvnl>&t?hPH|_u2Svub%yJ>ty7P7Q{{p{d0ko`EZ_f zXmNO+Uk=W0p8tNWw|eUyr!6rlehJY+(aKZ7mjmU*WFKLd(tfJ9db4+WOIGbVvQX2b zOOLirb4-J3vQM3cH}qkVI_~)|?Ajg`*)s?-cKFGQnA|Ak!l|S!*ax}+$B;k%lSeA_ zziM3x*FydTOtmYOBIyPK@&f#F7vP2biR`1|?*)bbwxAH9FzC2r8rq1}OB;CC=LTYC zq2>d95)c;zg1Pgc2!;k`gy!t&P~YPMfceSH4wssh7uDo03wtG$>OqEr!g6?L#m20) za?;X=PGN&y+JC?3&MRVV4ecpCo*#}V{$3aVebZN0ukkHFDd33WVR*fb#xGcM=-_Ie z7KsCy{1D$vA2r4h5C->PpTYv!uuxKAeJ>QQ0Rp*k>71e&Z3@s7R*-4LwN?NHwWv@h z*~kAW?z=sV`DhAQ1`^vN9xLBQLV?FXLm3ZPgpTO&%`!zwlq^u-Vhq)66Z>+z(p(*P z0a@4C!tQcyI+i9pfK)+EYDGz{x_vlXTjA}RDm;Lk0re3@#1nknB>j8K6nF39%F2@B z3IS=f%3>ckK^)kzk9!<_)BkI}zqpx!{vNG=PJdO?UupdaI^IthXxPm7Pm5eJMP+ym zLXC|0Xprd!GtLL;8L5^)+x)RDV?#d1&3{sF$F=M^x`ppp!*1ELd+XLCyUz&vHSC!q zM_ZsA-Uqmp)ASUjGz6eaGqRG(`1Zb-d*n>Zo+Dd?PG>goa>SMED!^J!L+!#qf+f!h zz-ncDXJ4#w&z7x6_M8#go!MNw^tG#0BBEj387#_UEJuz2EPo8zPfyi`EikiY4Vzb| zuF1sc(OOz`>lSHIvYMqw(3LnwH-akI#Xtho7F)YZ_-0;oIKl@>{UF_W-|Nw58+ zdn-{MC30~Jk->n^vZZ~wt#LGWBIgEKaz$N}zTaaJRT~)BDFW?@e(ZAC_B4bx#x_Q} z`+0eJdxX`5REJi}=_wdkmuA&fUbse=?8)X)FTQ0GJ>8N#5o-vn1%9AaXkAI`P7FF;%@6t71D*pg)Um%3%K)Iu&4cbUB@A#g((D39Fh?G%B`vA9) zpmm#WA3ebPRrr+qmdky8g9BVqJp%P(NsKvr>eN z%(4U|EE#g-;OuXOle@HIfsGvJfXt>5HQ}l8AZoRmqDI{fp+lBzm@Wj@hcq^+EORLv z&Ve2?ANmn%=JJ*;ZVw&?K2nQgz_a;897slZLP~vlGe9ydKtxaegdW*1c3*;_L3zUt z+TDSFy^oHA25euolF-;&2-)fLS zvm%a#f|%H6dW3UVF~5I`-952+A{-O8qnOFNVq_Fif@%{?doG*8hxmF&1O&^sE~BUY z-#tk;3QsQ={BwNLg9_yRH7oq*`((!`0M7EWE5n}Pv0Up^2x7i@+&zVuQ1}CaK~WL zhn74tDI+Y)i4A+dW$QeFCdtHS&$;!FDvo}ohwXBcSKKjbEpy9P^omx-sXGV(>cjuD|I@_i%|yj7*FcAm#FJ#uuirUU3O=aVolnzF^#< zeZ3B<+zP!aqJVRtA`=I1sK~Af5ZhfxzsH0)WUXB)JZcMa)3Y*oaR3{VkrzSS6!?XP z1o6Yr(2U&3Jat`pMJ=@J;$ZcY zq7$Q&q5+87O$=12n@N zn2D@tD%x^lcd<7Up8yBnq-bj0Va)sq=Wc_M!IXXikn>`3m$cU@S{t(80B9!+WmT|~ zNr?bv%Z`{q@@W+S{*3@f9Wv{l)wA$SYB*JtD>aT=L`>X#}xLk1lQc->Gs%#e9v`NehDw~?V@o;XY# z0kh5#TW{E1Sbjp@;cnah33to=cEH_mGEP*JPsnXiMaGBU^}pkG%iv1K7~}>8{m^hw z-hO^H=R(Z)5Howy>%z0fmpQK?Y&C>>qccC4R{Wm(>hSlMiHSYwjUp~m97lrfe_$)y zV{7ckeSoYQm)#DJ)9a0X8nQVWaGAx7^7HcDsvw= znLg*CSaPg^+m%4AlhD{wX1>j5*juiSTC2gVwAsC!jt~gjKASo5mY9?hV>KEe<(9sG z2ycET>{&7}sVj`-j&Q)XpWgppN7B)xd_$&iZeCt){D-WYS81i7cb8R_mR9n=u$84= z@QFLz0q=2zSViOtdddLFLxni|-S^q}4j`mlVavqQ{Tyf%mKY^2I>~1oOKxsfk;@=~ zY3XH}0_Td^G`#UDWc1->kxnSu}K4(#bSEO7_t zbP?R4P2*pmJnTr=79y(v^VgEdS_nIdY(q~6@DBhe@mreYc=+UN%TLztRv6p1r^xgP z^e25j`3Y8=Zn7b^?VoWSlW0rFFw(-bkF{kc%U+|{O|lJNp>kkjfT_$OjkB?3&sklc z|M7-kZ^c3Gk8Qd2{aeug86|yf=zp3aCja%d*N5EOt+@>YFm?JiE_dG_ErIn+O^)>K zbYKHh`_H$UY%bTiYg#Apk72}5K_)g8Yak$JudtkWs_Ta>^s}#WUp7&=xF2Q#5tc~> znmEd`mg}2wE@TfC4;93GI*0zU!tqO%`jW*On)koo3_ni;_D+J!;e8f{zx{9>Wd$f4x13qY8|JdBHg8!a&-oIs@%%FD)}Q<4g*hb@p1&BC7QudKobl|sOzf?KdLRC(h4Np>}eIPLR4fmf|iJL zJVrm`1EC=AcvHEm@KBzgpX2Uee||dcPDihywraWy3|fxB@@W?$upF`H#ln{z$HXc% zsB+Vx6z+(z)?_k>u9uk65`>Q|R3N-uuc)Jx+PDeD=2cTzc z^}Pm`0fx4fieh5-&w{XnZ{q?Y4~2xlJPzu7(2+2UD5F&|8>HItsor=9|+U?LY49?1rERc9a*;zunUAwNhG_ldI z%tjhIuL0#JT%!G0#@fm({kX}KCqMZ_@&9@oGX`h0+~XM7n>LvW=8nQv|J4yLQ*lQz zdCKI+uq*TPm(B`m*1M&RhtBMR$ijT&!Y{}yQzR`6H-h-A^!EC-qV^2Yvy(CWI>4-+9;{2(D$eH8)|R|E`i zf8s~NSz=__Q(s_S%S-L7=r=iw&8ZoDop_4UZvzjDj+l`FU0TB+Xe5#;47Y+SX8vOcrqyCUdJ zmsP5@WVFlC2wsbXVyMa?eS6MM9&7!Px-oRc7#9%B7pv%`zebSp=!vpq{9n(>r2mLm zSw6LucZji^H#*nD0Lot5IHYjYp{cu}=rGF~n8nqa!E8W4WC-qlq^X(tfBYS2N@e%E zdhd@Gc16}Y9fcr5SICLVSc8sj+6EzF>IIQI1fN=2V)16@f-eM5dnSL&#*Fp2Ai$8?>eVIX{S5i$L9Vst?q|yTPQJsV2q|P5|YN0NqL2fHvG03_9 zim=tyL`PH$=;G9b`X+d0`q}tp6^E2aaW(|vA{2ezm+T6k2`!)vK_UkCdJoLPSl^+Q z&aCF0Qk}h`oT8jcog1UbPRDC&lfvYVVbtzJgF=mtmEA85VM0>YwJT(2Q)6mreNg5NekxfBq;V@4 z8zb~OZ_PfSj6tgM^v)>`h0TsJ9c=Jt+#)>u4oZII2RsTZk%wBNA3dKoFb5;ueStz@ z*vydh$V9E)*zn3aBr7i}Po0;Snw2H!dx$R*6VubOvTevN$iK%ZsO((-i_-*g8jHZu zZl)@&yr^1TQ|{-ME|85K(A*Q}q*avUS0>q%CsqVydLifLZY?tG#jnr(L1Ze4zovug zQM97njw8Pyj9o_G?B;2yD{630Z(8mFbFDz=dR%dq1AHS<2fe5ld^o&dqrO@}y+}4& zt?1PC*{t|OAq6W*JUF5@SRYW_>0l~8<(3XskQ~-9$uOx*0i)2#)--n}#B=t*LUV!w ztYUpJ*Q|kmr4$K^uTg*obKlnZD)-0D$IqLITwa`hsKgsUX`j%D5DX@T)l@T_f~`7^ zYF-dwwU8AZnjWlPzPXKUT=;no$rq*hqa;e`;1}kd&=PJQN0r8|j)~ zd79R_k(;U6j7^HV7l_AwAeH_mN=JBJ!yt5Ienx7=Y^nK{8N-A%SAKkzm8~rf&a~NbGB^{m(ZMzoM)kuu z(}u-aYlb~!^GpR%$#6N0`%_s+aDq>EsLdIN?9ieFT--OL$A$IGjA2`#S7M7pSc0}| zjpB2#l5E+|_6R)2Rn#54naT>V=K} zw<}1l)RRC`;z2%>cUn-xO9gyJOgGc+)2H&Z4M}{<6qv6GmfOi}&F4Ojw~4pr8r3`> z$U82X?K54C43I>Nz@6}G#&-=5&pq7q-M(MLG3X5AC4%D=L`hx1#4e00EQ0MN zGD6FVOFf_Hm+0rK>a^;Ut08V0h}et)1!v4>JT2Lblx_%ZRQV?OCi?O8Kn)1+D~XS) z-40|9hyjfOz<3s*1ElafLiN;7VrDmAKtDYq~hnFS;_iI`UE1-DUYr z#s9of6tuhJiqWWTAJGAa=_oInum>8VTldk#tq{wJpv~m2lYE7SCDt;W)%u6$gZ)k*744XFGJAFJCJDzFZwTf?@w`%|jo@R$Qj*RP!4y)6!YEOkJ1o zn|3MPFnv~W(^BEL->>7Mv_6zB%KIl4x|>LU8pdzY;E|>Nczr}Zk{E&^AvW8#g@i~H zL>uxE{b=aWGR3Rc*7!PxOi@UsP;Un?|2*1uoo(+uY5%Ta^j7U=90E||rD|h5nIdV} zV@Z3m4gCmo7PoZ~97AkQZ_5fPiqFon`T1uC*Ka&(obi%l?-gg5hLn`k&q{FJ@nDit zS2=mJ8&bbzfG=HrMe>J5%02+oT3}8WJ`VsQ;yYHiycsI; z8SXILQyQC7_F2Kj@lwT%%{3#L~uByFHGf5`Bk9zMSje0831Uw8mD+ z9x|RR*S{r!J=#AurXO5D=YGI;@cq-`Qq=W@KUWB~)9(-tAz|FXYoK`GOQu8nD~!&c zN1xJw$@6YJgIoCbz;5(WeP!P|iL&#l)!?;h%gZPA9Fb)WYR!A@%#bvrnf1^K9KLaC}RuKzZ<6nry2koxnbZ>b8FmUd4x>6pkcw0wa=*K4;X?CSR(g5@oL8z_0?aRu9OP8()6lwRdRf4Tne8R zNhduGfP({dFjR6FmPA`+Jj;UX8&qeCE9&d`WIxpY?+^9k5yQ4ob2T*|cKXqX-!-|p35hwvs1Ze^<`yU)j83LZLRI#ruD!#9jCY3gAwNh3?^p*e4^V84jHCnBF1H;4UekvMXH0| zcqpj87>()?h~J|@;K50X^Y6wBG+vfI>d-L;Q+(=m41NENaWyg!n=)tt1>Ge`{G~2d6?b15N{oBkLnnfL~3&dttZ0>A+ zr-9rxy-mbvU;$TAkrGL>i)`oSvF>~8%Y=4DR(AME1%IFH=@`pWPsr*=vD6(>`W@rx zo_lQ7;XR&0CnNLR>wJ)30KKS2vWKeM$ELI76I+_fkQkQSwKYD-q;`%4W?_%M4>t4u zIaguXZC7^yn>QG3GjcHsG>S1gW^~f%lF@aePmLZJ zJu>>*=$X-vMlX&2)lJ#WqMN4Mz-~jk&FB{2Ev;KtxBPAwyIt+>-#w_iwtIc|!`(mY z{-pbN-GA=>yt~+g>0#32!yaRMOzAPR$KoEvJt}+D_c+|+M2|B)&iA-%Jk5Bn@fzbz z#`eZLja`gOjc*y>G5+58ExdK9@xPg#OmAi=Gme?WBrr#rFWJHDNOmGSlikHSvd7qy z>>2hNdrQ_+Hd*$uY`$!Ea!0v`++Q9l2gyaADbJJF$q&n$<>%#>3Oc_!=AtPeBJYpo}$7`F+{Oe5v)j4v?wksZYo|WdnlF4-panp z*~n}aZFb)5j@jpCKbSo?Yd2@jmF8yVy!lA;spgB!*PA<-JDTq|cQ+3(4>6B4Pc%b0<`2xjGJj_Ni}?%lf0_Sf-eJ+hqPKVpN!*`=Mm4|?u~42 zF+gLWRb#*v9g-BR3xi-toAuwy6666gK1$gTjS@&m4$ERm$;d=0O3KDB4AYe}G`x}> ztx?K8R4B(wA_&Tfm?E`GcIy>NcC12)xRHt<7@Ha`L z#9#^IY9%{VqjWmZ713jz4s_XxqSIz2LoOUJ8NA|WYIsqH7PKL#-m8?S&&hLy_a`kp{3o;-&$xUWVDag0`M)ITSvK-qYp+DZA&aRosR|Dc=# zpmN^Xv>+l?kQ3yO-^Lpi%C$JWT*?7m$ww4~6@=u;bw$Tt7pNe|9Gl3eh4lR-S{)U) zZ=dV#gS&0Q67UKG5Z+{9ZrH3>!RqL~OQS-BSZE!`sRE7<*7@=whr;|L{N=uJlnV+} z(Y~@k!UYw@@#%gU0a=IS;l4Wt2dLr_Vw2+d$gIDXrl_+YzRt}MGPHPQAaiLlFfilc zkZg6zU#)3bLJ|x-l2ipdUWXU)S$P@x>4oy5M8f6ds+6)oh4LfxMMB4;vl2Q27X~KZ z0sK-nATTgMSSo`Ncs`75@^f?ZrMPI@JdM&$BPdU640{cGf6$0sFM~#sXa$d3mrf>Y z&Yg2tD8XH~Gk*W3v{ML5X$?wlkVg5wXu1wXl~U})PjPk4{S=%)00U(a8s*=^b=xh( ze8x+jq>*%HpTb~gOZ&d>8*`&HxQ)X#Wg6xB6WcE;*P_oe0s<#fHA-ClMT&N-KGKSJ zXm|`+eKhTDo6u6PWY2_Yzh3wrI<=i8^E+CZpaWZH?kA&xbYjajog>+dqMYJVRcUy6 zObOp!O-z~kW!?_kz9+!D)>$S5vFVRVYgpj}=PUIy|Ze&|j2n4ZQ-q z{lXy>3DlBy4&xECKg3n#pB<0|k3}Q;*91c>qm9%?MXKDhJ*#uFQ_`||aUBU&a{uGe zlQmXXHzLl?cE!K(7(x&s3Y&7o2?B{;Gry$WI^H`+$538eT8YMSMp+r-zlzpU8 zstx<%4f_oHRLY?mgo_{-B8iLsm!v3#$S9^bDX9v9i{?FwR*mwSqKA^(-+3T@zhtr# z6(l$W9NcLS=WZgiuiAMsfRD<_1xcZ{I;*%;5SNS7#pQV62({spF2Hm<+Bvy`)wygusU73p%S@P9`YUZ{NN?C@DAvDTjjHsFn9pJC(r~ z{X#DQn#_66H18~5p01!1f*_k%BvQ@V1dZm}fr&*yysv`1G0B&04 z-}}N9AZ`UDr3M4Ir$8hY<7pYG5ba<_A>k9BlBakgSv={I%<><5aC~Z)U4=8jE}cWc=+J5{Z7dlt)vw1Bf>tLB0Vro>$6Np?)8( zPN?Qi^aTj2kda>)bpSTFW z3J(Qh-%Hs#4NRIO)eZF6CDje(LiMU0LLzUz-T?qH&3v@12M)(=i`7fs<6~)uJ zYD`;*si&2{C_1K&#FIDziV^R|1|3tY6v|&U`l-^-b6vCaQ>!#esj*UKYC7AJ@KE+6 zyA-sa5+UBme6`YeI@&#{WmA6t;KBFr>SZ*3x{>eeX2~c_xpz73Gm9$J&aSE1?!pzM zN^Nh_X_Abz4>jMjRPYN4@$pu51jxLye2PN&=#0$ROm${fQfh{vWdG?3C}s1nt^SNx zK6&zFav|=dtgJMoyOcS~Jd1bU_B-(`_1zP=NwAV_E{#d&B6S^_LhCVw0nnaN^eP(Z1Ey@jYarG(ktR88> zvTE`ypKM%)^f%mpmCz}Y87ak|=~hG|w~~)p#Pdu6gq#0uTNG@A=`I;H)iT5V?H36^ zarnzzX&^(l7=BjflO^cOv_U8i15oMdl*OjSq(-H7Y}RkK_9*uacTy=ya~%SJvE(ei zT1oLoCE0ddp)Avoi&EV=P6?iiuFqmAUgt%uah)#GSf%W-6iU=tlkPym(<3B7q64sqwoOB98AA`1=YbOiM6k*$ zYz63`vTM(-v}O^`849MrJ9|fQX;#u792LTz{h=;n?12~#R682Y+m{NC#)|4nWBh^W zaE8JjbK)Gw&vO62i0|{M#n?fdGGV_)6&AkZ0PLz`S@P-j)81%+y)nq<+(x-Dov!KJ zQ1g(H7kfrV#Y04T3ZeUM<+1-Z7K$yG<9^IQmbeO#T0qgVNC-P@0h`fgb2=Pmm{7G5 z;@;)yR8=fl#urG6fu<>h5?cWIZm1`m5x>m_OrvaSB&fx_VVq%QM1?WX>+&g4t9jP4;zxzKufF7>~Xiajm=VB zeN$6|v!ON(#Ni&{)z~cwYL-5c2Z;g#3njy+N5lM+kcUs;IwjB6rhRIj5r19SDr$-D z#RxXdl7A=T1DTyR{s@B?1hg2tuBXkLMsrz>GIt@_BCh^Ogit1ON3ez}y;W*0 z>2q(b1(Pw^z>nk=DZ$YmLPg$8^gMDRz-PGo2t*GGlJilgSeufxs|)YpcR1T2-<-e>%sX*e{eq1HZ#TiYZS8F$p)-L!l6SUKw5NP!HR<}Ly78s z+O;R;{YY9P)4?0yYAKQxX5|{&g8q}-a(jI~zsH{jCi)TKUVKz@fK?1t=^xJn(I|rh zG3T@lA(yy`>zB7Bn)gONvy!`#mZ?op36B`MRu=8+_Ard$o4ues_W(i$k{AV^!<9F_i z!-62_v0es-NqfA_-bU}P;I4i3A(RlTNY#$fdM#(+ie-y-Ix2Uz+jJ=EwHMo!3t=ge zPVVsAY$hsWB@mv3=wMEkVw4=5i@n9n-!bJ&_9AffHwi<0>WARI!3;`pN1EjZEI^`^ z6o)!FILZr1nFv{R$gPXz5EQ_TMP$!HD=pw4F$)=R$c05XNd}hWVo7_@3$xzYQg1BS zOInm6hQgw_cw9SbqQRnQetuC=etxuQa4;GjG(jdCF}C6y8L0aOLzSep{~}1ze=V=Hd)^xWRqR! z-rq|oPxv!mt>Q%2vq`+`Ssy-fPw&ZD0rHK(13Wfj2zCJKe*D@~ex*g0 z0%gmZof4fu`GiG5M8ooJ#tVdnUzkH|J=CL!n18MtmFy%;RGppxHt*(OGe5bq>CAbI zq1D8+m3JvoFRdQ+(q?KIRH`IP_<}e*@X-gbnVfPaQS~RqhT;&J`+zLKdJ;NKbrP`Q zQ!vaDTd0iE#qc**5qlUJWT|9yNnlGQeKBy;Ot42ho0KUsfw43jnjdcI#0HC}6Tyh% z5BCCwlL@J&2DsRbB*8?C({3Q(W{ASDNPWh>6ZE-^P$!}Fz@K)l$57LXhyKUR!dcUe zp`KpWYIcF!N*D~%-hK`F3om`uafOo7!B6w0CtVk5V0d_dz>&>>g9?ucUSlV2GvTMd E0UHWiZ2$lO literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.eot b/docs/build/html/_static/fonts/fontawesome-webfont.eot new file mode 100644 index 0000000000000000000000000000000000000000..33b2bb80055cc480e797de704925acaba4ba7d7d GIT binary patch literal 60767 zcmZ^KRZt~7(B;J)F79w~9o+Te?(XjH&fxCu?l25GxVsF4ySuv$FtFcl?ZaQSwVg^% z=TxUFPpR~&#OMkD@VNv4ApdL7fd6R_fFuaOf1JGX|78ES{~!H-3{trm=l{C@18@M6 z04IPWz#Sk0@B&x>-2R(6{D%MlDnRu=v;uel>;WbK*Z&wwfaZUU>whse|7Q&dzyV+a zu>aRt03ZO{eexJqtnMct)u@3*s3?X{FA#mos?(EHiB~!|8@P zHSlRJs7(;#_>C{=bF-qE5ypoWCp8a4ibb~`lhZnsG|vfL7aUvoGS2-d*~C|XaoBvh z)O~O54lz6Cpp#=U3+W8~m1Jh8i50Z0*3oy3VuiZ5`2+1iW8vld^?2b-5vInw2r)>+ zBk>4J@ryU{&4p#$YBDZMdxcBDJsA;7G>@f)+)zgBLlWL5hewQPFC~yxlnbk9*X( zX6Nyk%u$KnC?+U9G(y2iD+SyylAV&6#ewy1sMOvYn8_8i!Kynzg}H0 z4auYFzNM=OCc=Iv&ODQ{g6!7A7$%nE6ugJnWBI<~x@AL14_)b-BR2^5j5xS%Z>r!+poCp`hi4>|d z9sS!BL~)07L%H$A45}!FIeVD8mA>Iv+YDVss|8qla@15boMWkFNfWfDcu~V;BRW}Q zHbxiK4@ii6{-TFM8V8~H(`(W90xoPe(J*~^m@1@uv-sR;GZ;fq0&I9AMxQ?Vj%|y) znW!EhuS6QM8RtXJPl!X8!v_!0WPYQz2Kb3pN!J}xCaK2iqm;({?@bivA!C@15rM+7 z&G)j>oszdf@qGAJ>EM)Noqiu=aHZvQ`s%TAQzCI z^t-&7(S%JstVz3stdszdF*a}FnFVMn+jW8TWR%lwK!uh-pLG@1-6E)abeJaJKBS-) zo)b#7F_1DGpAWCn8AB+pkf45{br3o&6pprbhCJ7vMUq;vFqGXt!r|5P&xe}~Ab8v` z{flS%lJlHITsGT`+OO>I@)EiKE2yK$&O{)(z?Sm+<7CQ~JEy!94B#r=rfZL)7-<#T zdZRO4^2)@5yT?)5!`*JS2U~bZ0<`U{OtdT!}rzCDXUY|PH<6d~oBIdw@k*ys* zCd-VfTJkXJm!Zl#%AcV}BvG^-S>jkKVz1S*!!X9UyyjtV*o|Te8+`#P&68*9&;eh> zV61v>QV;fMXYCAaE~+B4q7E=E3TUEs;p78YVYUDE(*1*Q|etMpC*bEv$T^WtPR)u&3=mnqXpc1Z>uUM%F_cf?AUM%{Un{jTEyS{Tuyf>|lssBMH8r z(lKw^ft~6)I_&ZCDnm8bs{JBH+MlTj1WC!4P(GR0_%ISZ)JIF_`Q;hPK37yom=XN4 zaH=;q{au8;lPsuw1q8EJ)iOd`zX(pJ_IHkw72{x^g<`7Ob}ZUfcsjYQG@R$rq)kZv zpqwOru@H+~VJ)V2?V_+5^~E2XfJqi$dPYc z!u6};1!o7$;YRm~I8N9)8EVGJ8seK2T&Zo0`gwfpFh_7HQ1*(<%h7W%^Jc2Vr$&`v zLcMdy#71nJVjuBXLQV1?z45kUb3p*RDk$a*;$ZZ`U%oYltOpF3a(Xp<^+`YwE#TC#TLVlES?7)-kVN6kxX~Q{^V~e;AGN-I zsVK!c&bzlPgMWREEQrJ5g$^2RkIh+uUk2dW%W%`X#tn-GewEs`E=hzpO~m;weWc#F zfKaIO!K7Gix2T6*jgEq;FbY+P3W);*e;{1~&F}@Vmm?0w!zHwl)l=Gd)KHj)o}^y| zn&V3(`0{7>$K>N#7qT;YtclZ86!!>NoNqXV?Wgu6)kVg+j1SzNq6 zs39?@@wJ)mkzROo7H?tuo8}==6J5%5$-l|@Ct@9Nf8lWZcBl!@61%|TNN_REs&R;0 z1t+Vo4j#}gVJ?RUdgt9xij}OY2cXs&#wqfIv7^gXp;`wwEh#OLSE>wg>R5lDY$?R% zx~X*^1LM%D*JirmpBuDvaUVxo8T8=!UR&e|WHJNB3i}}RiddkV_^q6*Wj!zy2}L#! z`@WtPC?>_fy{9v0Ef)W~Vcay?_404FPO;Z$jl*0&tZk*~G-m;qBA01OxK#n)NGpSC zkXJXbl9ZcUCz$4i}$d*3ALQ4?sOb)7cn@`N0 z7(MEWHX%`mg~RN_j*Bcg5!!DV$V%zz2Sq*Mq7{arbD^ZBQvQ&}P*TwD{*8}lYoYMp z9Ay%^y*sH%S6R#?j9C>K_BB~FnTux>wAXJAP1Uz6R=ohF(Vuulg2Z3R- z{oL}A_KKvz-O*-+bUw+c#U}?GooWRi4S9nLI_TL@V#>{T9+!Wgu-r~!-(F{obENUu z#@~d&be*nF^H_{cS?jt~NMAu#uY)%J*J5>nnkuie6+&ztH$f7}jo5N%rscJjC_yLD z%Pf{zbPBF1Am0^wjVE;_P7JkfMEe6Y20BKHUJ_8fAZ-}D@k5YtG8vIApZhAxulthJ zazt($#?^JJ4Y-shRpkKsJ4=jlEobY`VCSYO&J)iVL0WZ}er!qFlU~vZhI?A-I<>ui z0*3g@=)u7Ee${zBrcXc4U9j*>EHMb0Ll;-ay-Fk)b@ z5F=x;?*@S)xdR_=NzpBKRlgpNp>uU@tu7ny1KLL6L|AG5^BwM94L?Uy2n`G7G;~l_ z=p@JiHvp%2WAq22q*PJ&VJ@@$mAx3UIw0 zwwm8%==0ikJf||)kPI{7r7p~r4P?;Y zi?Cwwuwx(FD*;-p5VKK0{wjZUh<~o0W*?rhQhG|$&9vloUm!(lH^RU0nVgUaaG%YA z{QF5K^88O2Rw-L8hAx*-1yDQ0d3ehRULceHR8Jf_>Gwk8?SAcZk#T5}Z|H8pP;T2n z5Cz@+$n3+liVJn;Wmj5&#%JwybF5(yEOZRi$jWVl2+a7C&msDxeoB^9DFGXS1*y=K zxK#dRa>b-%sl5t?mtjL6qL}wxHMWn9YcCA^4rfA1S4O*jP+%l3+yf|K)`~B&mdyzj zAM>5dsp;Aq?-FH%{y`UaWYj3de&E{guy&U zSq(Qgn7z11aCUJ~*Nin6D*O$ZLnx#wwdKN^>p%=c9iBjbNgY!)UCd1z7vhM5;VNjN zI_b!HJFB#nszk0ebH)~HiJz~v5FV{GY4>@qybr6tzaeTFM^Q64fhn0Kz1B)NkYpMy zYQn2Dv@l?a2F-7UStSNdO<}OEp`jdaPJq@tljHo-YTb>79%Y4ddpW2-0Rs(KU>CO4 ziNk|G9esRy+&^K!<>a4=Ung1~FFR1{-axStIjGGrK(UWlEW^x`pXcJ9^vYzQ|>ihW@Kis253o+|;8(8#b9DX8JZcx`lL8+=vF(Q)T0F zp{F^5L`84~pHJ})N47Z~Jk;aF=1()Pd$^YTb~EdhOB7_46wXveC;4(#$g-4GmjE3f^jCfY z>R0)#1}pL2ZaA;cO%mr_s;`6MyWb#4*X3e~ubnHeo8rkyhbWzvgbe#&nYY7R9Y+ne zfk-t+qDXRnQ5IhHoAqAE8i@c;hy(Jf_BJr9;`?MM9^IbvBOMq$N2$TWMAfj!&Pqe- zi6yA#2)e*Mh4iNg#Mr&&DpzrGk_8d`A->sV2ZQ_30U7(7foAz#ND|L~r9v)BeiZaa zfbmbor-~yOg&uxskH-sxWZWA1M}oInpSVVD+9FMm#ZG|dsDMJ!WvB$#BB^?9UWc>n|@l)J}16{3SLj0K_pu-g}pSQ zv@mNGLqy413Co_SI=psLkVgP)8(ri4`RnzZOR%M-`Ao7xf);&55$B+YBeLOq@=-l3 z4=OtsgmuauO|KCwOZZV!jC)sHx^k|dcVrZj*;%h%lQLBTM5@Ij2i)d2F;bnn=2(p1 zAy+i>=!1pJ4J~g>m6EfLmKc17;47GyqZ99>M;{J zRsK2ilwk+YVHF#S8lY^%#7+^8VY2I3_uBOECog37U7kjQh>HQy?ABBywy4+#C#~kD z4zkNSHA5Wq8}Hunr!^|>oiX9a@BlwL<`wh;m2fw?xyTktD&o%!)#GGj(oM1p11Ntg zj?T;B9<5!m>OkZc?l$mk?xdM@C3@HZ-Me3 znfzI3Om6^+j={VwJuGO2TeZCCe%wqKCF-T(K79Lfi_8Mi?k=SE!mAi2N4-<;Se%PR zl2g`80j97gXi!k1M<#6hP2XOw>MgYL3^X< z4e?wH8rjgRA{n#Qm8-3ZdrQ(N^q^;57^~VLI1{Nu19}I9bSFe+$WTMpoiv;BO1w+z zsLSX|XjNp7em;#&frJ_`B8ZtjB%Jn_Y$V_Kih$Rnp@)PH`u#VEq~DaXs0|vdwHryu zJyQ|qP5eP|GO6^i1Ayqpd;7A>@LbLB^6xorxyxI1l}^9$*K;JOaoaaJR!Jf)LI**y zw^)48gHJEY_K;J*2cDLH5zEOfZ0VV+hs;j|){@=1CszKzT-IHgY$RS;2W2A2Vj^YtSX5n*x@0El@ZRO)NK>(02e{V$r6NH-bF4w z`F;=?7`!X%0oEq^N%qq38Rhg>A`yI!*+?WI#j_AT9()GWwfkcnQPQ*{pM7Q20(RI z$pl%24%+3A2^xb%`8w#0k={7&;B0F{#jV@_8y(mB5_Dz{Dk;z zes^!qBwHy0tvMtHqaKcd`29#570MgvEB!#mSrwTB`VpdOXzt4}_;zvRL;KvK-Fd%i&WcfRw=lD`Iaa=LV}4A$k!dYa3$iWM*Fk7dV` zyvX*GU>Z)&2yF9JP^F8ZbQGro!n)bF&_!Cr%HDI>3YI=&3@3^cq9O2u$R$c?@(HE9 zEaVzTG#pLPV5YOn&$37IAT$$aqauD@aunA7zcKoFFk_HdXf#b+JTpc(Y+LjnfX&&2 z9A-GdIM;hr7uvMxNO_j%@qQ{X8KPy=L@M-+4*lW!Vk;?yo92Du>XN&MbEp!$HZKEc z%+9H$Cj77rU4B2xzxgKKPTm?d{Sa=oA0ok?TL}yG$}=H-83ba9K|;3!_4{4*bJspg z!OBT)nrNt|&1M>a7v)c|M@~dU+u7Xs)+L>I`{S~=^NO$N} zV7T9rGi;Xfw49A^2u}W(ZN{SfUy7^FUI4ss_HL8J>3CX*@{R1aZU?Xc+TKk!I?7FH zgFVaa%FuHysBI5ynCk5vz=R7wrHB>(4b_s_M`4!AT1A*DOORnSVXouK?i0hLw6~ zmGkPJu%(HjDEc=nfYoZk3!=DZM?@;AyR*3^lD`^+wnY4m9vt;^9U!6;2Yvv%f+K|# zmz*lNivA@wWEP0TbQv!EN6KsmIvCM98IkrMNZ=?#`6yORnv3ngp*4t5=Y41&!99|fug1T7`ZKvP*!&#fXs)Vas{<(g0H{IMl|H09$oB;(2>p;xiR7t!e3dDsQG;vabjjz_H zaU+9-q;)K7!4)Q#(DWmaG4uvo-J5~)U5ft-EXx$c&z8S6Sj6z+X+LZrwN#-l)|~JI zgB1Q`#aG0sNmz_a5?B7=4mh~qkqtW(pj~d?h{LLk4uL6~`G-!=PShanfq{pLoaR11 zv;0ek*e{npgo7D@IsX?)F>>p+cZ91bQ)p)#TRR*Tp4iH~x4*rEf0CVFMK41;CdJ;1 z37yeoPjB@;MVKmH=r3S^Hiq{6{-vDhX_4sm@CJCsc6$}d5s{@?I*t$uX@g)MYsZ+Y zgjAecF8{SmU@!5 zFeoAHPys`G7XU2`jpIWHfuS;(`1Qy#^84-~zb@?CAS+t1bk?yq%>w@P_)n0Vo_Yxe z!9(K_%MfMd9ton@Ve*>tOXUJXliCv5I4n2HNd*+=kK5U0PQSkR9~QV&V{j3^$)U`7 z6yAkHRJ*)E$1LdM(6x9BL9OU4?8@YPw!5$#rZqOQ=|ZG{0(BSx8?+5BaTS;_mMM33 zh)ERJE`wnJoS_Km@+$4{d5KxTN2P(;sLk zxJ8kMARy(szN%V1o(OD2F{9XxI($%28lY|bU3u=g^=iz~i@z%DsDwZJ88L?`T2P~t zgd17|=Kf-6zm>r3pX0At5ak_jrtTzN2Et@5D(0_e6*YrQM+DkYVkvPTD^?GDv#Ioo zhRKh;<5ubIgt9) ztu`jz-fr|;v)DNg@sgV{HU5n?Yla*RW!X1Of|5Xz7`W?8et*6m%tX>Tvw-`&HFn?y zR`gjkud1|-E-A0{JH2$X0p27jW!YICBSn#^5!>WzjKm&aXLM$`tQ;4S2F>R*TtX4i zFi}a&B*Z$filKvl^n9W}Z(YQJR6ER~O)Lo!P*qu9SFFnH6QUxSar zSZDHJxZzY2LqmNyIZRbwk-gk33Z0Z|DR*RUw zs>F^a3YfX9uIg1&ByNndF_o}b<%B(wvZ#zV@;5nVLPZJl_=y&@Y zVG(Tnf_CR{dPu#z zKq6R->NlFYly^nYo6?~AZ@P?>TS~vh@ZjB-8^N@1FhpqM>gf3e?Ih{Y_-Xv`NxfIK zJT;X4LOb7LB!u%vPyRs2L*5Fwn!60g*wEI?(uTf81GgNm(w-NyL};t1~K5ri(Kui%+$Hth@ex_Bzn;n`4ZnLRLZ8P9&sw7 zh*H|v$`ub~={ki?$H`ziD>6wzUX2TLS~-DWlxIS@XZzbx^AB(aAZY&APt3VE?HIKy zVWyr5Q>yfS>z90p?)Rb0!ohxIAapjMp~s?*E83AI4=MG9)>y9o}B-w5-?--y?{AepYBPZ?lQnQRx1TY}p==Jc$%+pI0IlWB0I z8MfHS<~31?uW&V1k{1+<><!ByRM?8C78;tz6=Jv{#(sjohmdSwJp^r zzfjD%@R4mDm2PomY}KQ#%DE2Wli@cq9_7=psCQM9P;O+>`$oulpa#% z5|VVHw1xA%}hD`Sgy8*g%Oauc|XZU6kwf>XX49~13_?iON zabjH!4`C5>v$_Q~Vo2H?J#{ z`E%Hn4MXfh?&&lW1Kv$F;M501;>m)wb>lJ=U*aOl{!cymD=anno|Z0s`c<|$K|To& z4HAW7VBg(LC(U;|O*Sx5IWu=(Z^>w{rlKrkS>mco7LZELWsMX$O zY$WJq=t8XTAJPKJv{wjq6o1iFLr2LEbPrO|yyAe6Im7f_yQGoF3e2Gd-|lGWon)^z zjSKL&UcOyKGR3OR28!-&9%OD}GbFiGQ3(sA5KnQ|T9YD`7&_`+(DR0I#I87JfoEL7 z{g*1t2J7%f&`&tm2_by+AUYXIBC2ynRkz;Adk!;`$!WBv8Ugd+=%2Lcrw^R72_YB) z%cL+Y64Rc&viMqRW3iCp7e!@m9j7IzBH{5l?RZTmUef48F&)ltd#mbYKNTmm_F^;9pwQ%3X6*bXpnGRHC)gO79#r5q3jF;Qd_9=$=EwZwD`h_N6DVHKbe{!j9 z#so)@2FW63M~2gF9T7MGtIGiEQeTJ9J=8?-A$r9^oeoWbJ5I+tdcWHHt6MH#NS|({T8}j-+lYdqMAt$UAoZ za(o&{08ULef;i>HXhcBN>|%)iHLc=Vk54(%-^Q3ZtrTl|#dOZU7Q)Q8*&84MR%ao9 zW<2!MO8l7eXvFV(cGeNfE`*{2_}P`YLu??Z_SGDCcT|>{tO%=79ES=iw1ab9_8rJS z`N=4qATW%j7qNb8KW1A-r5F=n&kAElM$SRO{HQ1o9y}~fh8`sgr_QQ|a_qNorO+a{ zMtdXRpjlH(8`2ajg%B4_pXWmI68VtJ^vK}SE%+^Tk+q7mVA0C4tIN$)36) zPvED16qa||G8Lqf6``cKG)9fBppZf@;*fOR9@w51BwwrxFIMBwTv=F$)~L`*T+9J# zMiq;9SxLr7<4iy}QGq8F4n3Z3q}Q>^S;SFjLY2>V!u!jO|FLx(9+-usB>D1%i~F?= zYgXUx@xT|oFS5WF5M`+(Qg;E2Bwmh&vp)fh1E=K1{(O1(7@5>`i*~5X$D0gL(h~6?H9(TlOL89`tc$AirQO04wH=rt=+-ogOLyJZg zQYQ7i5bDLhY}WbV?7}E9^y;w|_JbrP{+3<`=@0u({pG5kUjqK9T+wlibiX6sUl&ox z{&mOLoj;<$6&=KOVsoVVO9zr5hMyMOfX%yZ|M>X}%PydwA)TnC@+o~AYau5A_m~etP#)m}(a^_h0OH*1% z6w%Nj>^!3`gHQrDD;)nWL7U5gMH2qC&aQXqEDE0K4;^wVbqCEs8Hm3dyzzc__|s-# zBinFNK^)%(+GW?g@tmjnS3Q47<~H;$FsOl5w6}R}3wKcI;h`ZYclct#*V6kU1-&$N3xcuB7OdfaK z1|~V)E7U`Uzrm2tWt&4_5Y2;s_nBOj;h>{2ZM+ub_pdWRt* zn8hbai2^;d$W-XDL3);Dqv7xy)qE|3Y5wsbPG9%p+^)Nv`1=Zfu+EQDLsG$ zuv$_ZnKTAwJ%E(xbUq2PT|;?OSbm{G0QzIzXvM|n3tof>=6k}&6H!!W?V&{Epf1f% zEt`AyC`$}eX*=HJDr8pb;5e%@;6v6;?OUSBFcFRr;4kwn zlLLh*IIo&>DN047291hE_*030@xCbqvPU$YwS17E+6E#g%1KuBE5ARC{?C-o@fuwl zk80TWZi7NbxT38rAMmy*^&tYbRu%N>gFl1@2e$i|rZ+rv+1W`L&WD9*o!_T7hGoBC zMG)FlD$u&_lIS;wO-g4Igso%hTE4>oT7wZmK(<~5@}~-LJ7!r#t}z|mII2RR(Vd;X z)fcBvipXX}SC}YMp6;BS8Xc}QVu~^tKgd`OV^sDU|6^m#Y-lIxmMm{LB*$*VuZ(*I z)~`ELpbB?0`ZupxLDDL7T08q`cETwof;wgdDh-F&&k$kCC&LsrQj=drVDMp+gwj=z zSDE!DdiKO@;;^+YV$d{ViAf>fMPF?iBIA~#l+$7Ha@9~ambDVj`YcHz5(D){c93Le z)5t2&dHd+Ze}1HAbN-M6RV`GK{ghmZoi9)%a$S;_3v8868q6Vj*?b(NWWp(*2h}_)nz~rwFXfhfcC2J8f(!i zS9ld`237-B^*rBwu>g5L7Q)n5Ri%B2vn39s37ENHhyWPi0;4=M-Y?&FaxFU&qqMYl?QgLZwxb8=841cpFFMHPD}P7|u>ol;lT{*1oB=_aPLV$O1^QQMH`=sto-#>H znIiq337b$E21i#^TI+WM2~6{IX%;jHB!L=9UzG-B6noeCy6qTdUUJ~vn>cP-Cs#$b ztY<;~f+JT+O61G9?rC9z>5hpc+j7PM9YPWU1h_kf+ibZd)H%B-eEdDsic+6k-p8S4XZu6JM8u&XzB?pp$D=U9fDh32Acs4OBJemgEdCv$-B`G4_4|{qPciL)gjkl0PRwU!xZr~SkVEtuNkZ`Rw zBNya1A8v7*Lyl=O>5nFiAv*O}>o5Je1j5f~3KH2=<`gms{}8e)k@YS}%mq8>Hz7nSUMqX;gN=PjuN>p8x! zUCL}1qzyH(bRxnMu3j0JYYya*aqPqS(9xQRc~}~8;+ zkeoL@n<nr_b?b|?oVP4VzfrW%(Pw&p;lDC2D!DiCEVgrSJyPSTAGAU zDXYfGna+*(Xh6+Od0^QUXB=##et#IL9kUdMRk_+(C&qp=_RdnnPzv)d)v9O+TM6|6 z!TFgq!TOS-^Sm>(qnb7=lX%HSWpRtq48LZ`q_RDhbr>ZEARz^A`H9icBVT}r znCFPX@Uop4#F10wSmqo~Vgl;?H#zwT1mFPvZdJA}Bp9_@P#hVSS?p!@)eKQ^h9}xD zdW>+^$Rk(C_uPBoPd9Ou((4h+Kivt3u_htDt*@HC?zF<=1pd(0cTe89Bb0X`_n}6Sa&ZNFX=g( zhgqV)EY;Bv96Ht|@tKwDVA?9oQY)+v-QAI1$QK~QG*(&wM zt(_~};}?^W+NH9B@kbok6k;n|_^Tg|f?}_%NHX-CxWznsf|S^b&b(T+KqDw!nc)lcukdBj`JYO42gj*iZDndPlFSuP){bKOoU_Pb)@|wt4TK+cF_pCtNw~Qz zkh}`RjbaB1(AZJ5!GHi}J#v(f(Yv0*RUry22HLE~|)%Fr_FeFrHY|ROC6cLyfn5pj}^YL>M^qFZ}R_ zRVIi@zS>6>l=cdBB^9vwbg*R$0lvm^b1_nyH(8-~>%XjjA=5Z9C;ekO4R6?SR0KJ! z3NaA&tVB2T`9Fdnxj!tR#+6PnL=oV{dEVSK|BU_$KUIr&4rW1|uY#-?)ufy>^irON z>2r$e6D(B(VDfG6-S|9-(XZWdqDiY*rbI@u2Sni?t6fJ18`vV#kgd%mbqeo~?%hA9 z(>G17XE-@+nlMt$0un=AK^!q}arRoTtS348m^tn+|A|s8xRHCPcMKH<|lz2P} z7F|zk&@8BFr8Z59Le;%_8Na8435uPT14{7@rA+5p^5mM6b)&00@2mEUcU3SGG}EQf zCKX&PZoBZ0`0quHG;$KdIN`GXRq~%ciM@jeq^XJ{1wmXia+y%zm8b=9t2jajoa4ay zWa9q(-{xliizqF!Yb<2>xH{v;`j>G7Q6F5yJgS*2g&Mvr{13>#-l3PE#C~6xAI&~& z6YCC2o$Pe=lz%20+dSlDnc~EG(K4Hd;ybsbgXXPP%AolnN~F9YE9;Vant?@Ptq)>= z;W(wNQ(ewICncSr(iq8dTntI=(Y*uXRXz>oIMt-kWwBosf3}q)RvW<=C;+i$)@{Ro?nQzCHI23d4z5q)8Y zBP$RWGo?EJ)+E4p=Mk`KA_bH%6ngdV74+%mp_b#5Bf272^L!lgtY;+{Xe|iDETmqn zkE!Q2lZ>#Zth*8xlnm8x*oLy!AihFbIM`!E{r_~mtJ9v0!d^i4c1hK~GI=B&*0ExV zUL3!C#2L;Wr$!XbpzgsB^|@9!O=ktcMfGPZ#Q$Df3~=b7-7hAusZ6O#(Jjz~B|9Nv zEUE-i9#)Y@LJJCFzB(#0(ZUn5qdDn{vAO09;jw=x(_o+B(09`Dboe9)cexfFh$V3p z8g~>uvq7Z2X<#VKaIM=ix@Ajopn!UPw|`{ca?GZ#%ZT?IfBCp;NB3RcTBh-TDG?70 zLLh{XHAM4u4I=brHBlRdw_-SP;$6bt&*Wx?4^b`aSXa7cjVjTOXNl%UWj~yujVCHb zItLiea)r7rh=$3-q^Hi7!DWyCfwyiUhr3R38C$2!W#3Ik+gU4T4(WzKq!Z6OL@|QTvT0EC`cr{UEp`)d{^V%Uum@p;z1wJ0Q8ZcSsnO($az$v&RtW+s6rroUNq%QY zq$HQbaGi`e{~DI7_24!ihGuI?uV4}?+3cn5!nb=zYG1MqaXei6dp5h@^wBR$w$&4kwy>isev|UHX`v!) zNJAct@bNO{eM#1BXN-ti?S`)NY~P65*W~0u1vYe%?_g?*<9PJi@TUY}z zzi~=8FJ69#g-DTD-%i;C%0 zH=5tuK99qOk24HWds6Gvqo>)3IN@haZUuuOb9Pg8@7P}PZ1%K1w`noWS-cRuT2B7y z5Cy88t4c=RO*XQO^g7FI<|485GiYplp*Lv}^}j_^q!0Ax<^+DkeW{Ys@KjBVdGd-p z!$LT_W_9^6jHq^Hk8uqZ`sQ!XZZkCw<(d}13p<1Xf}?Hca?Rh0arV_Sp?pM zi*Dc8EO-#w$6K*;sn^>S29+^o9jO7$?WrH*&T7@{4apa@(q7a}P8p|)hxDrD4k?l(*Md;f=1~}0#+(U4K&a=DgTL)O5vfe$p>8;mbC05No3yq_F1a+QSEk2p(xc%TMtAZUcIV(ut<&Vhkq3%J z5=rUt74|atvrzz9;#3A0DIt4;mm&DWq6t!=PUDbc;YS}E(s5p{PPE9n(BG9i`O^jF z6>l}=H+1?{!+&G;VTo@uWi?dG=fj?dWf-OCE}F8BPj>|&t#e-1oa=3 z7~9^4RI7Z07kYE^r4GV+WT!;R#*V|FLq)Ffa;+<{N>PsDKQ(RdYc#32v8xAg^eTq{ zH; z=QxLTI7qt#&CM*+EIMru;f(pQds(?WQRkXpU@+)JrRqPN>P@oC;+0?&*@8=!&Sr$+ zK%`FJk3Hh2ly&$LgXRUk-k+2hZvjbM7aT*k2H7@)nTFVfyp97urrKQ#i=34N6@=1L z#ELNCiD7`Z6?|GQ))e&203nwtoUdmxmw1y}VIsYs~ba@)bZDb$vT>H^N zd$xOfHX*a>X{08W<~Cwq~cGDcVoW z?0-T1axN|({VcACJhkqk#G#_r zxphWikMT$!zuHaKFK@`u<22sX7#{8?K zj5{~Ldk&|ACGU7NGsQCfmip@K-;i_z-cGKb?b?=~4&s!VyB#7+n}v>!ws-b6KQ!&3 z>O1df>Im4_aKH(tT=mtax^6M7TG<1U8V;`Mk&ECcRB@55zpZ~kK%mtUK%7(KDhf>@ zQrFRs%DQd2X22C`oRaO(Q*kaVtY;OWQyR4%0M5NR^>gl&TB$=w;hz)0uvPr~#XIEn zv_KdtbSLr2#EYE(dygZO%Z-X|_X}7yTUOo+-y=o|v~VptnH^jo6wh%sZfBR2Ml*_b zn4A4y04YG$zaXYFLHL#>q0yJ$@&Ri=Al50TGR!DVFeTo?{FGTQ1M3#xZblbkW#-cLcR1jP~ak@w?T%O;NvDBJd z2TkA%)l(|G?#q=4+cBuo=?Z@~bAbQ%aI$fE#$oz4tWU|2oJ4LW$8V^|2UtxhZoVN2 zyzH-hL4^h$3r~b*u|FnIt(D+Fk$uqQz$oiievtrPGG)uQV%K-QT327Ndx^!OvLj1D z^^dOOq1kCu{!zdnH=A+atEeYCJ;d1dNc>^~0Pn>jSM}AG;4O$0;4%l0Rg4B&`HG=z zpsp?3W+;KD0~94diRsET&dt&p46~RDOEZ(9W(APWFdxiON4GzG#{F2E_GxD{gy51b zFmkPwzM@ee1s$q2os=2tjCi$V(W5o|knZIf27wJ>lda9Wq+Y~ko)h`*6c-r z#t0o;)H-fCz-4CRvHZd9pZc>y(1^$ZXv`tG2H4lVnRf(&K{s>^W5IwLN=_0e>To8a zh5lp7X9;#Uj*x68c#r_AEC=?((51OT3Eo&h5!FsYGZ$0JAHUpmd~Y}tceaTT724gy z2y1gbf|h1kf9g&N&}C~LBU+%cKUOw*f(j&3XTqGhMuEAYrHG$IUjCB5l8Jn0 zy|aJ;JCsNQ>gP-;-)kaXB?rAkEGG!m+N_oZu=I7}h=*M-SYo1fiN}C^Ns#I25j^7m zhI9#61}_3yQQXgGqO&Pv60o;jDO9Vx>au$hLQ8)^AEhrEDY;Io`F;Vk=MLGYVy8nF z`4n3z5wG$Nv&WXabRbyiDvBAzS#s^D+K2`3u>jwTuuJ$;)z$u9!0>gPtQq^f@M_I_ z?3D^TAv9>4x#$$OGG85>2}Xw0ul`sNOc?u#mCc6mW5AbNEa<)4P{P6Vtbo{jOcYm|WlD3B>HX z@_;J^FwrPR)+w}4oVSMZaP#RgvXaVR-u=-+B0r*bE5darWh4VNN!7HfT@8~(VWFz7 zO8&9oh+EEPTXd5d0CS+&+7#;#nKvs;GnrLV{$8lBNjzkhMzhibtZrwIL{CxT9IFLl zn?7?XNc(#&Tt{WPctUrTQ-PrF7x0q=;5>C+M#+?0i+=t9oy`F?LP@1(lOYgN@aUPT zyA>r@Fo>dosXzvb`WvHscsGElv!sQ^DFy->i$fPXt6T5CW1X4rns6E0T3f6U2r#&3v*jqQMl40SWwFAboRC zECeU9Scw4V8Y=X%_JofRmL`oi(ZnfvDrym}IU@_SMk3x-@}x(_1PblMu#6^)b*gv; z3yBIGfd@b!y#t>_7;~IuNUNWI@Ewveg#8=_a`}z2vyRdgt*)#22WTs2PVcT5ieiGd z5Sk0f6bG?)wr|ggvs8&e$daU>1`<$UVMoEc99z6VUI{qq8D*6eidFzM!{QeYa2<+4 zzSL1c{~BQE0j}Z!1XkxGu=9n=pf>x3+S#&pWICDPM1ZKfho9X&52Y(Nv7da}pX4?U zU9y&0Dv-`%b8$B&CJm7**HD^SOn;5+f#|ge0AOS-2oQ|p5Ed0kzLVhLpyhZ6_w0z( zfC=NZRTPwf(A9`h3fLuC6Qe2<1(X({J{bfut>m8IW()*VZv>MK+khujDf^2#?C}xo zab7w|d^8CL!!62p{jc7(=6rGe@6L)sz%jAe9Cct)z%X6WZ*OZg#N^sM$N1xUUCJ}G4qB)mZJzki?SqM4G6`KM8Z%8$22hIQiVP{%R z4L5g6_(ryhvlL5yXvMsg^YKY)LWGO@=@BiGnOj_hnxH+~7uBMHy5!yYW<_uTH1GeW zmVV&cjeJ0m>lA|8zsFrXl%_5{WHDoGtDaw{XMmOwL?b`hWL#&e5b zppz53?aG-a*`Jq>Vj*ahsj1i8O0(4i@_{D`1E)AKETH{FtO+zCLUh>#3WT)&P(Ew? zEGr!835zHs$X8Xa&O8atpD(W`eGOBNUIBBSd|uwZeTyEY%n|K%pP&3GOf?je#lm~sxk?I8f9A?B zza{XB_u5v|Rg8E6kL2CCuGdUv_dy;&*icnjdQnVpG_x#m?XZISU6}kScwK)rb4-ID z8JVET$gA-t9mcKp<-?S)rVERb(G2z2AUr8B)TApJ26qLIT0Q~s$jeZu1 z2LPSIg9hI4Ju!5o(`Kd;gm3AgZJvn|aiO0J+v?h_Hd9@vn`tSKX@pIP#@Gj0;}iPm zeD#N}T;ieeeeh|XZ4HEXDqBKNQRqO55T8wQZ5}<-`9eJluR{(1$RLW`!n7Q$(znO~E(JiX?TBHg-6$5dJ2R zy9ps#$E2WBwpPWnyhT_-Dc=Hoe6@>9veVow3&dDIA!@|p3;@M{_P+>?+B5~$9z6q2 zd!Rtzz+>)>{p3I=9}ZdH5ugCwts1av95)~!1Rv$qzMMT^FBo|7%w?cEKo*xR)|8ZHlTfl-5`MiLaPejphP>U zA{vV!ki{Pk2XpJ)Q`f`A%r?U61gU_dOo28}y9Q=9PVd;L)eM#BVWgr|76y2m!ig3m zwli}c8TdYHn&n5}k+Ar=EkUP-?dHoMcx*c(5%Y4|iUjENSHWX_JSVdX@NvG?!9T-L zvV7j!=@X(vEL$a0kSFxhof%BRQwzI!QC-O07_k_f`Jr25m;Wt^bW$0PowCe`TprIW z=8zyncwCYK0&7-Pj8Z6Sl|X6f3<~2(w3w#KeT^}rFkBFrq1=bDECTu7ek2DLP$Y~5z{)XVfDjaD%-q`&z^hO-)%nX> zqXG;v7-*=U9u%a?;C{7x+xaXBC~wGQX8+Xi07^CwB?(uk^kfjjB83-K$I$=vsy378 zLK6hV449R22K{H~Z#&~#%4B!F=Si?u| zUr670duU{57H8^;X>q1KTzRfTfnJ+20fwKzQpg1yMilq3#LY`&m5!CgP$&*jl2Y%0 z1_s;+Y8(7dSF!!aZXhgdh&3Bnn-kcY^aL8BRZ=j1btKlt#Lro)4EL+1J<;4WuV0sC zw-@-GZ1g8=>FTb*Dk!J=zy{an6b~6Q9n-Iqi}`%)hqTzbPMFsw=oaS}J8;?8Cb3eRqW#-W46 z1Z`}JW}2j|S!tOivVjw|FE>XIgVC*!pkbs&;+mdOG4$h{rl8nEX35|s2=SsT4??SC zFGyj2zyaLMwlD;e!fnII4BZ6-qJc1#kQ$f`!e+yz>A9ugV5F(=g2zXWrp9bVU17qA zWpmNNBcs$P>xd`^*1Sz_Y&!$R)V+yd2nkSBw$5kcXocw}x~3wPK>0V-X;b0M1K6H( zM?P?F!8>UHjqyhYDrOoSZE<3Yqp`GV0UNPMp=)A^s&@*$mfa|})$v);9@3*CG2gDY zNGl%7(FiVnMHdaI7X}-B(8O9EiIyST9B+3ha)c-eMd>ocO36z0TAfQ4a9M1RP9Idjo)L?5t6Fqk)0d??; zwsa0gK)!Xft_PeC2JQ`lRFt%vINcwJvyXqkLJJUxQ{72~%*0vS2sWJ}!*m2ZNMl-|TNA>6_QQ~d z@i?jZV>O{A+8C1w$rmm!={_!}!w#2Q3l4z~e^=2VSWh}-@CpeiD8l2}&+6tv43fsL z_70AY490m#_8a=#6itvlq>g~j7d=SMECO`piQ zPB((%$OAGGhhD;5L>3Ztgpex|<3L8N5M!1~Yp@{2L;I8u>Z7h=U-?{#zwqv-^<)Pm zrELw!M?9Ay8w&^CidWHA@Dou+AfK~52xNWkfc_*w(j|r`QJ#^z{g5*h%JV#t-=ozs zb{${gXMT*r-|dDVVCKc9+E+7Ospp>rADaEilpE4WCi^)e6Ptl!7>WLn&7ztQHn#EL zJlc-}rq7?D9f{0MqM{M9%PJ!sjfYoagN|H)D+Jgrg4Avy9hK(>fI3c7U_TT`YZ$@O zaEM+lVqQ)!UhGgPnP}5;Igsccs$BYNwht%GjD-z_ zyGu*7=RT@1U&tzs$K+Zs%&zf2(R-O-E*fJ1>1SlF*yO8An zE&aoCaX&Pk)h8p@>>QIruI&Da&I2%OW;tdn)QZOeuX|8Tj#Gqlk%b^lb3Ee$xRqXo z!Iq08^1~#a_60#t7183(e;4g_5Fj1AeuCQ+;L|{;{C?W~TrA_<8qKkZ&Zqq3C1Co! zWa;}cicw}h7-WRK^t|3H3vcfwvF>ColviM>z_A3j5`4EM5(#PnUpV(oG*_sYaU}YH z*Ij9D^@LM~hQB-Q5eALa-w`v!DagW3vn|5-Oaq7sgB+0(+zm+Wj$O%BVU2TanuEBK zmmSc5jbk;&23z>^cWN5KDwb|>7IEZ1 zg{Y1tnYVD>>a0jJpzY>`L?R3VvDqsb$hL64)m^vSZ(nd5{$SH06i`p#$h~lm023?A z@GKK#4-gCyN7Rj?W?S%^Kn*6wZeO-u5eYZ96!8CDc4XC+of2_@=9jD<@(=HjpF4G|&W!NA zFdr|IEfI?k<+;Mqp)>~T8LMF5hp45kfm`y0x}unjQkwRD(!{gTlw6r0NaI6(dA$h8 z3-%x*3MhHF5T~_W4r#jDFwo{%(&l6_s5-Pzs6&K^%~zT>Fvl98gNRzbaf#0JRKMuR zRO2;`3WuR2FB4P*q}*CMUMCLlDKgC%>X~Q`6c(!`V(U_{1^hWiq)mb*ktzS~dVn^GN2Vo6xl29CeVDkx zc1d%ax;AX(KWH2`%oh?Q+joPIRkTxti$dKefs_)(2rL`zWs{wm(rlm{UB|egDE7>x z*xxjfk=^0oZXLVmG15O_u4`(0n_mT^=!c{Zr6Eo} zgc(X*aV{8-Nk~HQcT%-EMHj~4pww#F*Gwl4%_>>MrkE%2Yrf{AD|YWarQ4n&7`Nqx zY*Hyy7C%2fkfBaWCO)Fh({p8KzEyoUowyKfzL5QhCo7SJ_U~w?m>9RHu1cym}FS^A-^_^97zATT>c6)zhU3s!Q$R8 zuRgHX$E|?V>ie_dz)9cg{{vWi_)`u$Iaj1!4RXWq^8MjBL`I}x7_L~F_<{!QA5@dt z(vX78F48hR`?G`INEnb$7;}|G_zeJbj`r%B(HOi);|Fqj@Pg=0mVKv))pqfJtztO_ z_ym|dm^^M_N8HjJ8R1OfPvo9i*$)>eLx3@?$2!O3atwI~r^sv7aU37L6J`2^kP$=@ zEGl($jLeyJjXWS=`T)Azea;1?GF@}>5hRq6AtX19oJ2~QQpr%j6N27+iUlL9F3$>8 z=^LW1|I#L*mBPToM~SnJavDPFyg&|MXLE)bV^Y|g8zMQKm7Tkl-wMn`_sfv715$}{ z`3LoLrnW8u;lWsC7^qe*|Fb`gn#zu=RER5-aPJhDtQ{lsNj}Eg+4XDOY+=c^p$-Vh zO8u2f$6)gXL2c0(T?1>Mp&_jDvIxLn%Av2}9ko(sxhg+J2OcDDP}Z7SHXv z&(>J1SEkC89x9;Vw1xjv3K}qBE*oh)x0?}gZUdn*!vx_B%1l+-^lJrAR0X&;Bb88~ z8xhB@u<7X9feO`|EW5K#`n9wf5IH;Ke02tgdFg*fM8~Ixx~f>ro)v{K=`zeyQPC`F zko~P8jSrysI|(BWoAIqL?X+phB%v2^P^D2tw0g`d3f&<*@|NnsZW&`0?-c~#i^G=v zT?PdKC8g!>m8et74C`U?@?DwH0Yx&(pJ+#D$CPT&imriKbZIi(IoTjiQRK<>$Z&50 z(rap@aa@(FeewAQgEha@Q;v?ap(&RlO0tQiGhKs*92_tSP0xY=u;BF~_8Zr=z-E2L z2=pncgHi-~n%#G3463R0r;N?G*GfZy7tDd0N5WuhBU~yxFQhjqI`t|Y%aUiLVC^*` zEO(I)Ruosq09$<#uDe7L5+!)ha2b^YjbTuUDs=eYQ-wxV1wl`#isT2%eL2sCo+>cD zfgQ1c0IAazC`oZd7YrUXcXjfH_p*5hV<+_FA^)@)A1L2As2b9r1na;edF=RnRMt_b z5-i@`c$rBj#a&CpNGD=2lhwqnh+Huf2d#gRaOP9+x0v&|Ht!pNT7bM(LtdR@~)YsPu)WVApfDkoKFl~;$@)m9A zm`^UH9Plb_+%JY_N0`l|5SZw=AUoa9Suj(YW|If2ojNfy@0@}$z3-yM^QXpM@X zP$rC4uoJ;nTO8)!01?X86;=Mq$h46$4I7xdlUA_dfG4uUYgM!hv+FNBqu`B8dYvkS z@z_)%@YPWvpJXdpOxjtuhd39)`<1azWdNuTZ%` zn~(IbjM*7v&)#3LU?>?WSLg18ly);AU)#KrbR(h$iR_-pXgABFf50z7y6?ib>xPuk zG9ZUC`!dZYmt_i3heJjput>drUbY4UIJMUs@?d|=Tm#zJm{X&aaF7ICd2mPaG}j;$ z5wNdo@lbH?Toc%fLV)RFft+$Moz>*!1Y#8yqcYqTg^f^#XJ+hQW3g;0%+z!mx0V^@ z^$+n)NRJ&qiUX2AAa_W)1y5h2=vbg)aZ$Av(SD_~5I_w0Ny4o(QZ1w8^IH9@P4 zFyawYLbJ7kDahg%F&zy|l!5@kF{nq)GF1uYebk|sq+G5c065?8U7?{Qv&n&1@<5O$ z_{j}%waYJJp<%pujAnUAJ9r2s>(TfGwIt!v;8YnhXj&$HY61**nwQCc?fK77ZYJeZv5j;ee^GEI^xi10FDpkG|-U9=p zMDFbcXb&nBlrCyLbeBu274yTgh|&}j7M8%afNBiGiCZ~ZmQ^F$_+#0@(n2>LoqvH>BSMfDHlUse4Q4pD#oRd1@hlat}_yMga4Vic$th7!TB zq$nkB(L{Sy^Or&R8m8W!Q*vAx)iX0DN+TFTA*<*E0{Xn^Nk-_DWEWiS6Qqx{*sg*i z5a{eN)vR}gbjBMl(RU(dE?c}&W~Pb_})3W9(GYt<32P*Fs3I0+FYhwp@*V8D_aS(d(|;wex?mM>-{IEmOkh_tcT zk2FA2VGZLU*SvHhj!5B0d9%e`yZ}@<@Nnw`nAkHiO0*FJ#couZFSRsJPE;e21Vu8} z`!1yD;27(`qJW);p(HMWNFT>cJ7s@ME?Ra*v-|WYcpuGffgB$pF#r_)2`3KWC23PD*Rn<$0G?^gU40gfzNW9%^nj1{7t zY5&Wtss_wb;^#>CqIqK-sfJ3aX3mw3Sc>wS?juJ>Y;V^z^niO{C-Yco$i6#6fUKhO z2-79ZEpF`Xjm<4M{gGtDXToenI)|d^ORQl&H-Pz|T65uwU250}bS=W0l~H+AcWgbIIo zW?UBK21Jz=WG|YI<{)N|M=6;ktn{;rG5ktc+EzI^Y3`kV>8FKnjSp}+u#HGm(MVG$RE{~MS zaf~>=%#Q}T_Mbu$t^Gl?L=+IrhmwSxQ3*_}Odyz~%&Da6QW8DeXL-LpTp$zz-Z`cW zWlLSPfUc&AX2ZH9PF7$bAiTO|*dD0Lw~Ks1-V{7wdVULnaH1&9iv876_)Yj`XdgE)U#>`WGGs?Qd_ zO3}yiOqxgyqM>nZNWbbO;&XV^(g=58Gf5jFq&L37h~OV=3sDnB!01rxE;R6pP--f& za3AAi0=dF$yxBM`RppiV)?O;jU?+`q5g(6Cs}u}L4RA9t>q;$XNw5_W@A0S#MTUBV zz32=@v+0f9cz?r&j4|29!0wX4XEpiz2E<6J1%t$iG%8^@86|)WZ`pF6@^u$b7}SmN z;7U__f$w0kr*qPts5XgBe~lmEktA#zCEITH%h*DnkODyz+i;D85ur3s1`xa|y>pKc ztEYJCyuQ3BS>U9~^Z|z3r!igIAxNT)Gf5D93gBZ%QYA8zgYZ*t|DrH{jZ+(o1NBJ^ z#UV;}U%NR*>zE=N2?;jD1XM@esshO!KG7d8>n?pQSU6iFu46NxRaA+&ldb?ykDsjo zfUMI-D}!Z)U7sTxc#!%@M8^r(F8mcdDU?z$_)~ceBX~q$EZf&f0G2QPgn6wt#)94{ z69z}ggWCrq5oP1u)SUA#$)#^<%gSG%sjJ( zo+wNuT0)aUG$cw`fq+k#l^R<81fG-x0mPH|L+MUOo)a6daig?|RnqJ;E!|cWq@g?{ z#Wef4)7^mcn~n4V@!_raE-Kxxyq%sl_W|+D8~X@IaiA74K6E0p9w9xJ4mO1U4#|Ab z{=Awl7-(=tNT3rUrRzQ%DuFK{cPZkdKpLvYLuDGiNHbKSCh{1O1;wfT^S_Q?kOzU# zEeAvcp2@jWDa;y1-y|2VI%NB&k!h4dxc|^G?XOM z>BDc`(T0i)-Jvv#c{oax!^#P3T_@rG6JD4SFXHxrc*oR1{~~6t5N;tBv0EV3fgIdc zxY^iQ1(1lPkjGJ!#8IhWpgLmRgY`yClndz5POQrgTN-d=%6~=21GY5r_ePlXzC(t% z`DAGp1<0NGvFNLfyoQ56KaK1k#RQ{AM2&uTfpX+<^nijXPUw(ENz?MfLzQ#rtg@9L zfF_Im6Pw${yaz1thK(KwrupuBwZfU2*{u*+aTMqUVrO$p1LY5=;`0>ossUZXbpyrp zr2qdrW1eYx%FJ`o*K-Q!hNI8S*tGfL)PNk~GMVAEX-B<)LPR-$%~RGr77*&Va7bhb z=Cu){LleCZ0&2#@tQwr&~u!SEZz3>MzAn5!wR0X-zte^!k8e*JW9 zf)r+EZ{n4#4%eS?yk-D zFCa?Ws(0hzH@Bx(YgaV~8}pzrD5RV4;Jyz}bSw*`u;@bvub1)?bGig*o&k&~;U(Gt z(`vzkE|>LYuBKL_w3GH6*7Uj-Z}VRe-0+uX)Q~pkSm&2OOq|UVZI3zE$89v@K(wfm zM%L8n5B<$hiXW4-<1sU3#aB92MF{Mra(XXD1T=0~h=X^M8&I**G^?^pq6j zQOGlB9IovHX>N~t@kC!I*DhmSg$c49#8Wl@4bgk#*TAGe#}ye%vG}#7;f{6(@5}|t zD@XA^c`{X*2oerV1M&SW-t~B(GF272JwKZpi_9kN~0GAiJ-Ue&$b~Krlc|W z7Q$t+K+$5+yiP#7rbiGzDU(8}rbCdYa4>9MXQlT_!`kdo>O^ zeSbh9-BnE?rkb|;ScaL?`nbIeNB|ju>~jZ%t%=&~{n25jvf;T%soc{p=CYl4M-(z5 z0~XcSmap=Q9D2sQLx3&d)Lff1txYuQ-EHdbwq!u#(D&^>1gkgQ#r9_l6=^57 z@F6Fp5GOHI6>CrXQn04kMLTGSX1ezig<*`?*aU~)a-n~u>Z|rB655l6qj?{#8igSN z_zsi?aak5wIZUHUVjt1a%C#tY%(bT$L0P2)16K!Bw=>bKM2|F1T9`H(cVz!NL?H ztQypc+@uQ4%Pvr1XwWcl=_Udq;o)WumeO*D6r$f|KE`=2yIKR^-zlg30m80hMf z9pk|y0;{+SknnHu;3c5pe;DyiiynF$9SD+>9S6*#kV4*=wLKGu0+qB92R_F&E4V6c zebCA+q}inmI0UU9!1a4J0TQXq%*HfneJy=Cj{|ksO;9`AIg~tz+`vCWLU$g}HAp~d zR70i(V`aFRb(k^@!vIfx#-V~sM3SrRK{zS~+tvTgOZk-k1jET9DOK7PSYoQ<(E0~= zX8_`oSU#XZPo_*7=7|1n4yt`??Z;$EX7yOW13(--j^4p7uDzELm<52Bi#14tL=H%b zjx`4wogw9Lqs>Pd0?1iUScMq7^;<}xPzB)7lPaaDavC7NXx=S*4#WyEzFb?uU@bIT z*T;P<00;`=L|mtM)%2nN0&jSLv5S`q0z>Plkkl$wL#Ut<40mY?9G7y=1H>f_{MrZk z6>|^x+)xN$mVa<~(jdM13t_*51L^Gz#2bRTYIm8U;=ky^8x2YDa-nUb6DFZgAPA2` zIb6{g(W~$SPl=%vz1;eYj0VlYv(#W72iProq~e}yC?$Q5>zpY?T_~ELaGbcU0E)mf z$lGn9g)AZm8ePDW;^@`u@#7&+Ah=rH?m`-B%_!L?NX90Touzp0zA=#}*Z>0<1$JKt zzKh{~IOYn81ppLk)dMd`%zVmEkhBjXy5mSt$c)1D+%*=0hIF?J$>aeQS#fK8>nm?} zwK7ryqR?^=cj`byYQFIfgKMLEN>;f)u6OTLO91l zVySfy?{K5R+`bVe+l1#*J`EaOh;1iQh?M^fm;zR1$0?A^ETwe^ zFwxa|$V%*>?%ZS2#0=o%|04BV6PV&O?C}*!CuMb=n`I%N2KGJsVTe^wql|?Wly+ugnY@1w2x3$Q)VQG)t!M&6k%VOzuruf zAmSnqCvRoS-E}P!j*-5wm+EtLq6|?SGm2ZJTL#}JtUQ9vz!nX-;SOj3v(#U6P}%SN z=2;~~f;Y1L)8I=th42j#!5?Z#d?NT9Hb)8193>GD7KT2Bw&S?blgqM?iH!xwGSy zqYrSP5ioAxxUgXHR!|ZX{FdsYn&uG5?CxI7m`rY(`iLvdCa{4}`OX^2J&N+J{y#7r z41m|_wak6xa>Msd5-J~A-rSU5eogtkSo=6+@OuH`96qBr(|bU~^Hh@_!p*5Nb6nT7 z5S-IrIWqrOFRQZ9Qb&4NDrY++J{~QMl;vk_rV~5?4=B&sdSodr4YQYZxW*P>+b><& zd0=7_O$rP|_cQLHi6AUc!ld`2JLS+xcUZVJW-bAZo2uA0f~<*?PkUvbsVGUSX-0UE zNB;r9oR1fQSX+Z{iPwv($N;cL5dk2VcHBX#QXsvZktiXq32xf@SB{-+>Y|?X)b2R6 zt%H_XIx^>kRjKSw+6HbM|weua!@2m$<0ab*I0$6 z{J02#G#oO1hR`FsLYMRK>YD$JaV&m4XeochIT(JF$L5H1UH)_c!15ZdBG?Ea(qY1? zOOhHtM)zJ${;M>HeGmvbNkVFbvr8aSQq}d7>iVAl%jC*^^4mR0MA2h;b^`#8P56^R z856p5A(ToXE-T_bfbBd-AU*WBD8lIswtBK4b>NL6I*<=&{e>)6m%Bt06XUjU3aK2h znoKHr#tM@1(XjL(R2fXl7nAVr7M&u%$@t0N;Y^+Eg@h2*aq&``h0%dX5ic#d&}IVE zHn_CHZB^A6@`+n`o2J4hs1t5thSM=GxJ0|H6@TKyL@C3rgEoJ5U60b}z#`T!f$xHE1(f zxN)YDygtR4zjJ2ZzNUuH*h>jXn@%$6*+9*UwY6$g+h*>xkbqJ(Fm*5y`~4(Rh`}{b zl`<0g7_5G!MDSQbo7!_{lz-qQ2Lez)61Hu9*|lYnFlPQygP3Wow5onO5&&z0Z-QQ!Bzi9#h3X_X&4*oKyTXu!<5UGEqv$6lP9 zodEy_=!nLdWK2UnyDl)dIunYft>*M-Hm01R81m`OL12+hS5N~*qI5BriHAQ$;j(7M zc@}tusKcq}`AbKE2o-WrVDo`rzn)2sP>`THvCXu{+cjG?M8qbQ%L06sK4s5hM0*IT z0rTQHwAu(p;9zX(F7$FNMvD*pK);kC8L{Bl@vW0!EOmy^iv7e99-+aDJ%A5eF}u_7 zS0UB7^>a^ZjrMM1m6pI@0F#z>8N>B#?Ni>kj?iSms`oDEDRVG|jDxEo&7MH36ZF zULcNr+Sy2u1Yj1X0YF(T=N5e*?95@y6Y%K3Y=YO_!KSNzu@g&WSU(!OXWQYp@q3?$ z+kj~F2up25HYAXyNQq@46bQ+j^KQ(;M^^PBYj4C#s$P8%Vio`dof*;e%tjbg7jqN^ zK_uydjuZQ!in!jCs@n9CsohG%`$JNIcuoL}V~uT7A|r7TDROId*f6lQ{PNB7eKQXs0-KrWv2N#EwWF3-@D5I9CvSu>-NATk z>htu2KR(40vJymyQ^3QH!SpwAQ%<^bjI&y8Q=q{{}{KgO>zUxr;0k@bNmw zK0{JS1A2TsFZ41jX#iM`j!$|ZK=($e74cpvN*KB1HtJss{Pa0R6!4)Z9s@H<3yu-1 z56J>c8fz~*UCPD<{6K~Y0Y~|TY)DylfhgeQn)_L7lX5Fu1SjFAHQ8fRQ(g`Gp@nnj z)2)!HjFc9{$HM_V!m#_cm}6Vw0f3oSKBDofP&p!C6v&{H3e0!!BC8!HO0rwY2t|j| zbm|03TVymTCX6ddJN&_S1NGm@_}jNZz|CUh1`I!SV6i5NlM9zY{T!nzjW3eHCKAl= zpU#|vUIPCPk;mUO`y=G0N6V-bm7dwVhC}xs(?a&VC%zPuQc(qwcMCZyDgbJS3kNbV z(N;MHUjx1{i4>4!YDAmFg@4U7$`&k0dZ+j8pVequ!6(W+vb}Zms2i+4@q-Ha!3o#i}MY>Gr&y6%rEov!#ZeC zF0K)nGqMTDgCR)30eV0m7dM4Wj6evq(hK0f-GM^)QhB?N1IgGL&_dmNa0v@d@GoM) z$RCU8f(=iKanOnPg|W~A=pT4MfN2hM_NCJa915tiMNEhpX@#P`l>2Y`Xl2=Ke=(go z4h&eQ*KWcGKsEqCk+Z$`t7*>h_f(%OL8kzx^ z$v(9nsOIp6jr6}jH%+K1eyiX^Et@A$9YfA~@MO@?A>PTU>~c7N(vo+%5hOyW#j`K! ztSix2p6Vks8>+h}gUuhddBB>yD>X<9>4y5rT}ZA2QV)?~gUJpe)8x?Ze{JA_gOz;# z0kQDrs%D4+k}ECmf`cc2U<^{cv5N+O^^^*M8sZi$C19TfT3}5mnB$+!LM4_~R`%!2 zI8a49bz+zeyI9;y{BHD``3VV}XCZj{6IN*xxpL);c=eQ)U~P+W;1hmvfZI>h%rHg7 zfpvfp#7>;ZFkKkLeq3QZiZ#|>`54CCw?m0`qh>GP>p!tu2^}7Yzz--QLIagdSDPz@#KSib=7U|7d+4`jf4 z*(1zo*7%v`GIby5%0Xxej7HqJi`Pf~_uDBf@amoo% zc3Qqx6VDfUD^OH+c@W4RY0H%kRc=H(H$Z>wO(SJ|;zCy2!E0;{tD(3fEh^k)&gMa| z_;;`50kGGk1rIEDh)J2Hkt8kxawHAXMcmpL0%{kcY71Q=GmPkSBqYzy#8*8zT1#je zpjU(*MNC}8?6EB^eRaTeBpM3Z)@+UhGK=y9NMHead;8q-&5(D{Mm3>$zb`=Hu)!c_ zzo%_VGbq3N$laUILVvD9Co*hsaA`Et>?_mHqiKkZWWg0nf2L^;29G9^U)`Jrq{&{? z$9ynk>7~{xsw2{~_3h$(i*mIcDuR;dMTF)jbOCwtd(eI zK=I9@8yrxT>oodg!Ig*DvC6Y6eG9Ekr+F^>Hda(rr5i$30jOCguv{X{oFb_JA$CVi zQAs^3?eT3k=>)5T@2dx2G%VcbgwfCY}WQ&_Ewn8Yakzgsb1w{}=-j z2-OeAs0$kNkAD#F+RnNBS!Kg^FHIW0*xg)RhzSjVd-x|bsigzlKja`;zMh=YBqlNt zP<@H=MIbES2B`&mth#U#Y z+<0*V1qFbnv{smr_O-o%mn7|oF!v~jT9mC~j9?sZGRmzcWz)tp-($52CLW?~nanw+jeXmM5EdHiJXL_%l&~21HXGaEdP2UU*<|tR-P77J!(FG>_VC}9A6t-yQCMI= z-P{PoM~VXYz*ro;$Ew44R=03;jpB5jxE<<|z|8a8B1vXDu;j>ZOx5E{LnJg4BP$c` z!A9cITg5bnnOnhf%^AYyZwGN}KN=?Gfno~-vgUc-meoDxi%YePrpCAWkP{SIPH-`3 zxp*(UKkP2g;>G}9vcJ6}D!U~;A7h+vE?;x!-EoLLSqs^2gP&k0{tDKcYG(!m``}nz zd(Z|4)hha;qS2qKlrA(-J*pn?KPbH&w)5eIYG6&*Er}TyE4o6wxLx5RD*$eyAlfC( z2Ifh`$SD<=iq7O~7>3q#Adr zn27>8*bIFEq~0{AL<-mp4a{x?8IV+U3dKgTelG$GZk(6k9O(38W4g0I-&c@jr7cKK ztcrwGEyKr0*G++?WzhfY*X zR@(qKK*+zlwsVw+5|%{U=Ri$Ap7>)$_V*CjY!K!4^wz@B(RpBv2tu zRard)HA>_!ftbea@6fMH#DjUV_qAA2sPvRml>>o56dK23Q1XkY6Ta`~ zZQObYH}r}?F<6X->8?%BR4_}%RRH&kWJ43gFFTw*xvdC5cN7+pvfT5uIo?7uJZPFLjjV@fhb!APaTfyL7?CK}r^S>UE}P~Br_2F%JW7TE#*GDwt6lD#kV-%jOZ87RO`&>G}RS zLT*m)rPAnA*Y#4Zs9ya-j{-NaiYPp4@aWPR+!BK;iwiR*-9#Z1BtIZ@8)L)90bk^5 z$s3-E`{ih}BI`{=Bi$P#mI#Ot#8$1DVj|IzkVqC_34?)mDlv@+^N!=h91c zY~cs-f8%Cdx@x_AK*tsk4`7@Egh+kD3=yfq&>;#f{DM9ix`GG#z2NO9tVAjmokl?> z*UqR=H2b-u@uUeVKez#V7d%1QzO3p+NE9THszMP?1j%0|78?gJyIBc`^Kl*ut&30R zsj!ir_a#-nrwni}eH{(sKHN?w`2DCvMD(P<54zzb*xC$%YMaVd^&nimdySfSep43DdbRJBL_H5utX!S zDR+_{Xxq4b1)F+yN!IM`%j?^H)3+oL2)PM3Ln^y(&PYgonn{orShhJH37C12jN4F* zNRP*)5NP1&OvBttKw}oWpaE%-%=rR3Df01reCliyN9BW@HKw9-l(#bAIn>zqaiIvv zcntR1uS0-|*Xn{^%meeA(KA57at0Ptt+03*U4fBx5Xy0-+zhtW#JnY2iD;Zb-i5UQ zI+3J18aMT^mEl<0Chq*47+hAEP99DHIdmT=&SOw)H-5poQT>jckXohqAen+}XGJDS zAhf)MZEv_57HL~CDrbWWp^sX+SrTAnHW3{tQiK_c(_>)Fg_-HdY;+3Pv1l>Ip&}|G!ppm0U_GSCoVlAERn_% zxedkb>Ioyl+#-F-uP1|<8;mSmzt}o<5fOxOgj1A0Nc-X*|)sOI?;XUVFMrYENBWIBqu!~6SV&0Gk0Up!n#q1LQo0lY*s3d0VhHU zLU!w#VI?CEVp%91bRc&JYt~u^R^R_ZR8w9mes2W+rkCpyhW`f#LbIStDLmls70NP} z{pkOXpT+^SquWLEuR%WaboNIQLH0{WcP#kBqfZH5Jn2cK-IQmLj@@)$C9g`8l7>on zO+krr;ted((UZYYYE8=S$fs#>SaPq4EnxLTLZ#I#>EPxF;)5{ANKkU4*D?!&sbj+2BbxrAM6j9bstR?U?v+zL_P0)|HVW`lN-%q%R23m;wH{eaSKpw(G z0nu=FVxFTcyw(5hH#ht$-~gvRDUaAUbk-Lh6P1$*rao}?j?BZ%=+HeHkTG7cNFwoY zGA)~mEY0>k5on=Ya~x6Q%pX`VbRXNOiL_6S*P(e#3X6My=9E3N2T&dE&9-dYkH(35K!?Yl6D0X}2H#->TLZUz)H03o?@P2oJH>ec6;Vw z$RrFKm$AF`DvGLM7^=csJu!ZVYa6cwH1}vxVX=y}JeKIZO3SBL|J1ezx$P8yfB_oB z;So`UgmruKDW+q=b=|z&y4r9JY~?`%-`2sp$#-rM0j3=zPkr(ji&QWo$23|q&#M)% z7}r#T1)H7#z}E9q%rC(R7#?XwW1e7k2Hh?W0DRDfH~h@}NEQO&GV-pj$x-7bpdaWr zEevrKmPJ+TKaPOEQ7@p85M*A{u_y=MX=YX^~S)NiP+Gp6SYAD;7*1ztzkDIvk^5AWQD9$Wp}eq!26}d}69y!OJ`3sxT_RZn2kb~0 zYu7krflx@xtFly;frA`o#M`KmO`nIQkqLJADEa=gGqa8)1l4stea~2C``(sk+Fa z#+W0OUi6l~$|`eEXQuaRRMY>5tD#U{$Ofs!OxgewpigU~$HPgSjs52&5CaMMQqy5b zC!H1`b#2i6U={k<+nsJD`~=Ul$Q0KUV*Lr?gYOJYe4Z>&F;_E9aiUEN&o3I;)EV{{ zKrX3&0v*8PeNkyQOydldkwBAnz%&ks8m0Av;YQd z(A-+t_>b^~7K&`X@n`~3w$7V;S`q>xdDb@?X&e?*HX8amjRuRR9G-YBr{$;^~c8x@|BjQMa}*eK9T$AXvnMjb~=g zZiAPDk+jM~evz^GR`@%r@QuL^W*u0|4c0mp$Y}{Khn) zUZEu%?oFsHSu+s=c`j($K)evWxk365_^t|dIW)0Cz&ElW(PLy*D;jZ7^dF3L1o}Q& zT)d*NRnU~IO17y+o>K2yGk}wW(8~bc5**SciNnUdcHcoaJKeu3JK2tktOV2&H_tuwO{+ksWrgi6Ssg`YFDxke1Xfd}Bf2k+Dj- zwlpy$P%^0Y%QH1suf>peca|P$U$q0z5+1 z;Fq1U{lezCNVJ|vCSNWlLav>0lCc7>A%Y$z7c4tSY7s%o=+KpuTxsM+?W$3&3VJFeq$>R-5O~V*xpYR4kH-D7Z;y)okEfzpo?iQT5bYEC3?h z@JNv@*qu=O1WxT?;!@X-Y$qFp3Jl4axH9C@eTm8t_vj$%A}rgCKpG>2>^ikwL_fgT zq&w?GGS;>*N$NxRL9uUW*fdhwG(L9bB$*E+5kI|B-f(Q3x)Ys&Vj&BgQLF+bs^j67 zqi%<{AIjWAMmYAJUc_os7^_s$JBi2H1}ueV1q8L(A&QOdaiy$@bj$!nGgb&c0JDPe zFj*)JfZH+G9Cjg(s@uhp>T~5jbLk_x0CaTO*0GZxPM@*)n3KFhr4sMEbih^ma@CQc)P0n>L)VD>>> z>2B)0u~b6hi5JfTxekXx^*r<-GUCK4as%`B&cY!n*R!1D&GrUq(lY@LZ&QdyAifaG zh(yLqVM@m{YX#aBqdCTgrY+3l$f6P*ci`5<)s>20dLMeA zY{;+*G!giSzj<0^$@=oQ58_xN51(u}!^gT^dU?Pm2mED)SwV#Z^LQM($L=8rbkjCZ z%o4w$ygU*Tg#c@~tfp;MiXEp4XX`PsQo{oS&2GeyIi(5z`YKj9FPx3&!c~f|OO6o; ztW5`ln8&lc2kHL55ss|`{2Q1v&`aVG0xA4^=DlYgUB1n+&%&9VQ^I85Ea0-SwE&?-_5A`v zUB#gbA$uYOk(|zC7}Jo?QWQlRMYl(WHD1lK}GO>s;(w9_N!gO5Az8(h7lZzJQ zj=V1zIUCHC@Z1dYOTwP`TJXQYNXel?&VH#UAEqk#nazCsN{!KBm}l{wO6L&ZCH(S! z5UP4G8MC1t*@_d2UN6f>|gVo{q`%FGa!G?PEPHEd6d%^vFq zi#Xj8#w9#cXq2EBj3vi9lxR`{c}Jv8wYie6yk#2oQ>I~1li$Tj!kgvEI#@C$dZ{xo zDiL}JE{M!#hs50Ov6PPuv_{7QSnHtm096u!9O6p^4HE^Hi(&Xiu>*qPb^8einN48pUln8`zh0-{f}GK z=sj1gV=5D?eZ2^eN>bITGZ2~S(cdz?fSq~2n=@Zh5#B#N=o$vA?SNA1`_(}Nw=+QY zYe|}EVgEY?NlvvC?|0L3nFe`6!m2u2KhmW~)S+W^>3)^3|NNp&%pu5}OsKN$Vk+E! zo-3-J#ZV_nbr70ZcteBgieU7c+Z&=R6k%2KG$n;y4@PfK12l^QFzfkCPvs@q)0(bI z^R2-gbGTA{KZk7yz#RD~uujpO@hi*gv52IU!fIB{5H-uH4G#9(YgPQo#&oT0lLW9O zMPeq~#9@Y%PU+ip~Es=@T^T1V^2*Dms;Bxe~?}n2*9Wc;y@BE;C!Zo%rzeQ`tI5PXI zwFCq&c+f?J_W;fCA;RteXI9PW)EWSE9?EU|O7qJjdq{%{Kt;z14FXJJta3Xz43ij& zO;#T?)IbD(@~i}o?*kogt$2u{4mzjof1%8oBuD|O3C2jQC8WI)>c_37w>g3rz9l`5 z?Ehi8uk+S|HXoz5i|juWotilMvCJub!APpSwr(n6K07Ed82Sb~7&T-#IWG{m-l30B ziNN&J)J%cl>JiSj9H45!vEVYCmMZePtk{WIKfGeB^amUO>P280=Y{UO6axdkXw}m> zZu^65o%>z1wJ!=|m5}Hr8o%$& zzT!G+VG(s(NfpV~RRfL2|L=l9J`?3+aDcU?CV9G7KP>dV3Cc(A1 zOjNyhO#nv(Y_NO!Hbln6@=jM*;3o?Fx5YQ!)L(2an#de+11(wO1aI>46DZS+6}kv7 zkhr*VDa@k})&ufPexQ>o^51EpKX~3|l$U|=!~us1NLC``1HSMB98ItH3}jIh5pwZH zhp0~;p&>Tmgl;8_AJ{U>%m^cea)$$hPV77yXM8Nd}Y($ceVX+>!=6QzDKdJ+=po2dSmOp*>?LyqvU*=Z? z)wnoyPvO*H$Fv=ouonJYhSn)cQ0=FWEntqEIgt-CZeT|YUv9MwlN+^1yvS6qALBjX z?`EQx#}+Hn1*;=5H7k(&Twt+nTmp1tb*xe%ek5FQWSquu3z@OTgbl?U94U!E=0moZ z+l3q~*p15e>#A(?M*(5jC%5rzduwYzF%?b+byNDg6e^_Hl|Y^q7)w##cXeV3h{&@ zLzIBvY?h2LvQ|=kcB+Cnv>$D%)74JBlKtr*-OyNiStsje97^V3y9rR7^{1*CU`2of z))T>whPJO5B*fskkwo%LKu$hL6{IOn=GYEET9w!yu+qj1^cY#88ph&M{ z{{DFgDBzqZJq!j5_(7AO>-btFId)A`UDAA zG>F;|Af5U{0VRl1RIUUKPtjoze+TW9I#o2)&GW&+s#2*M%P#0x0ip7mCizSwjYGlR zf=+$v@l}@2&>oEXv5$)4sy0yMg7D>Uu{Bd8wi{v@YfI7FSUI+o$Vw2s zbEVr(Z(~@%6+)Q3f@t8uFkZkaOH8Vwpm`icRWRXpV;nZdF{Ir@ z7KzGiU|}4W*6{*Z$VfS*8|54f_=5bHTd z#da1WXbu`5p#6IPeu_!ZU>r))wP>hG6BC*oQiKl36JCKKym;6}$nDtUlb!+i0X7DU z(=_vZxJ4V~doZSHIk|FH(g099C^44~&a-F#rV6mlHX;o>1HpxE6SV*16yq7;qLv@g zDPSUFc*##*n41B=_y^!A!%iaE7869iGRInt@0&SjVyjDOPJ?U7-7pKf<1;g9GiRMJ zTH)nqW6D9>qn>fpHga=!_StsVQz6sWiy!?$e`O##EKd{ah#cmy2$kZSOftftGinS1 zC*%U9fGOIhuTZI{q#fhfP>_<8Efrb>AQ7ZUZ~2d0NaU}3!iv4H6)Fjg!VBMsnluEm zss7qnW;X&6db_0{CX!dvpUW>3NO(2_f>*)bCfQubxjZC^ih=s4Bb12?WzGXa_S5re zEt4rA@tQ(N%6!!VEKwdJL@9hcHA*vM;>qP&~(d**`I2cw{blAuNq0d30i4GX>;%w*Nfr^n(zB z3X(PCbrlGXExt93-4iFlvxwlr65|7)p3fl=lC6Y+8D|UYwtV@h-eJ_qUmq$OIxcmy zke#I?1#-xWP|4#islz1 zKH3QP$y;y%$F!_<>PZ%w%Ak2u%J$*cG+2&mo`Ev?Jnn5onH{4^QPM}a+odHpr6oXq zDXZXghHYp)$74+wv)P9TdEdTKF`G22B+%usdKj7zWg?HgWZ4)e-8nBbk&&SCAkm%~ zQ(tz_cJ@%De~F0?_7*G`116Q1p)&X)+e3g&%DV0JW^480(^XZ8@96Jyo&fb>gD_Sk zA)&f-^H%A5>?kK6+FF0r6$(e;(jp6{y{i z1(iA`!PIe@!1CasBH-ayxiKt#@Ba#w!{0BU_B!2wxD6&cJQbk3AFvOsd?+!Kn-?KF z9T|eDf+Ofn#A|?FTW>W?k9!>p545p_W?!lmLGz&G3Kp-I+zpMY935H^`x^$Qk)uLo z@wDH=X_Eb3pjXHoku&9v;o0H+5IpUHn_`-yb#9vjp=a5a8{?q2h4IVtTkYr*l9Uln z8d$z~9&yLnHi+T?1o|Le1I6}@OV{M(yJcFtkA8}0VC^1sAz_tBxC1*My z9tcPSPM0Nj7`ZR5B&3^RdqjoGBMK-uTEVeQ_7d`D6*;NCs3hop2*}#7L@Giz{QA!GMu^5ZQkpPqH zWI$-#1fW9Myjz!mDzFn3Kk={-V#^)Zu*6NSEv(o!#c^>!=woH z)PSdIGQ-BxQxe*p!)l9G@Tiq;!=gL*r_mh%eV7E0PPDxV1N!g}EI^Ch1MEt2m4-A! z*p=-#?1eSN6vf0oPYD`#9i!!efA~KFJ4LQA1H=V}O^Re6n9MyK3D=mW24{#3_BRc2 z4DzE>K;~tb2o(d2mjuS|THN>DNt)D$G~0j~SIEA_jez8we#dd5&MgzAOJLg+kK*`Lq*pFcKtYzi!M`W81}i^g#*1aJqC3vSQ;rl}*32&jn8ICAz<1JxeU zQ>5bz>9KYl1Ws^(H1t#mpHrluM7j0^Hn=t~CE3h;Hs76N(La&L`Q=9hC@e?Ls#wWS z^;X#A%b94q-zdNqMbQMnx$ULF=LyDnvR;YPjo;GNFhcov2^5NKaL~}@Y+GRG8IC6! zIV%hCfX6jDMkSSYl^X35jgXSx+VpXjI*^+#3Fd38xxlXF0db<1!x4O}N&tq}KpPZ7 z38TxFV4Ium)8sjrwk?V-q)=dxNRA;9y8aBsP-oT_bX-FcJYA)tXbWV<tr8FpeQ0}$wz9LlkjcXAqg@C(5*%D36d z_ZG%MW|h7LV@%MZSadjO8VJ7Co+;(`*@g+@<^7w_I5$WxYf$5qwxS1ohoTM0kGY@Y z#77>W?jQy0j_78sa;r(44R@oNCD%pv#;&S*hLfoo8~;2W+eLYOU)ZHE*)m>x*m zm1gHa3BNtu?2^HFcrZeHBS=~Uu*#&cYbmD`BH)3a&qv54)do;jTwN{c7q~c;j$3;W z4drjzH5f9Sd%2hvt?%(6O@Ly96{Ou1Qj#Kym94^D)mKF!N96HgzuVm*f1*mMPdYFV zGT@Qd(qVmb+e;|{9c4Djac_s0E~2jhub36d)XPER+`=MThnkForWMROlJQEaWXQaO zXKq%$BHiSP*0)5;qduKoi7{FxeztnoH@=%ns?xpr9aV@o0Tb)Psrs^u4GP*ad0+;m zS$}_kIuQm7>vuwtdxhveqH)OZJ4)UMe?=e27W}DoY=Hal#zapy!t{@b{M{WfP}@8h5A8!5>N~e?>YiyJ{_oMe6%TxEGX#RnaJDLd~x(yD?JI9dg=@J>QW1DRm!-W%wwsvne$ik>kp%nqZ&H@R!nd04!2P;t8P^^Y% zTOFxV9q5i|0LOKJGH^hns>CCvhy12=hb7nsZZQFNtswvg5QhcQ&^zK16s}E;q5jw- z_a(OGGhwOK)?_rBh1Q+x%>8mlJCR&-h`3YQm-ZEXZE79$O?+_)JFIx-T+!L)0HS&k z6CQg)p!sNg`!9F9`r> zfnsl6Jp}yKtP&MDd$mnmR{22Kg*>uPj|J}YBh*7-G23uZTIU%!PHhn}6&r!Iz69Gl z$uDI$YBMhKB?C_~xz4^dI%H@^J#dfx0>eO171X4?Y+i*JGj2?d;A?m*_sMj3FuaPQV>r(1>+b$cP zx8fs6c|X5V@~<-j_oVaNoKF(cYw}Mz3|x#@2&xM^Yto<@GHiU`cY{gdusMaC^96JR zRtL5{A{Yx>#>yT_@^Dd#gOx|-PsRsd8m{v)Q~!+Zf8 z1A+c{TUm=%h!D6iXXQtaqrf{w*m$w43la}*v0-!2mwqXEsw~%#dH)GiA$R2-Xy7tH z&`o!pkwTQIO;6n$N{~RN%<79l9Xg7V?j{n7T?xtux8SK79ko|9LsKUT&`5A2Wpw#~ zZBFQ&Q`>!RFI7Hcm?mZgXVi#!bXqf9Rgi;SAEJQrw3rQs@ll~=0szt1F5yOP2gTna&!`;HqkL$APAYwa6lS! z?W^m=zJ8q^>L(LG9ad0HGjx#y?~1SrLqQRSkvG?vX<961V9xd88!-i!V^N3`4%*^c zHc}mM!Q_aXMl3Lg4ZyS%bUz7|qoj?;_wTTw>=zenPQyCt@$?dl(A0^Yn=C2M0v%s9 zE9429#({t1R^nt4;0%)5@>Us{lE>$uTU38oOm;DsYLo;x$4BFA5xFyl@--$yH&UKCb~LyhOC^%As# z^KoVyspMrwX3KDd<2IBoILeKPMx#7BiS!^qvzvBy@gL!pdLM|_efyOl+rT)9|ADZh ztPUvIx&fEoy}-CZSU2uIP#mYt{D(~h9g1002Fi-s#Q+$FpjIYHvqp`REejJ#ZCR1X zHkeg^1ZWj41Cg$rjYdSd(bjc(-3jHSehV+?VlO6911Q!H*@ghm!FMEmK`(0i-DJnmq;GZ${ z*stx6cD4hpno&>nr!3D~Vr;j*PWVCjW?oM>%rkGU1YdcLB5}`W4rgMYC65Ip;b}dh zjr^!h#xhD@qEM}i9qYR8i6xx=PFy!o^_7fHsFgsB7NgcxKqzs;{xf8s(j>&yGC2{K zUU>x03Dij&;~Cxr;;fRmUd!5I$hYz=V`th3v;mJ>IUZSxM4=^!gVx9fmI+}xc}HV>OI+~@`bHWZbBWO5^QGV+0+nan$nkQ615X%pDl!F=Qg z_&;36M1P+{*h@g~V% zdnuUFoY{8krt=w22BN818v48cWmJYMe(~pv5P$>{gxd zIzcnX5|e|M6|@njez}DrDt!|YrYW^bNk}GfBCtX91%u0a0nO`HM@k0X+X=`T*mfL4 z!?Yl1J?m<-*SZ-bbPUu48Pxe5885B{npYUCd}qvGx5+Xi>(w?c$^wQ8nNxG9=>PC1 zj~p)2LL6|UQw5(Yst9+)E!?@=!`n0@I%euQK0_BpJ(BS2>2}v2<>(&s0tRe>s|=l& zIm8|F7olwh4S`{wfSVMP88fZx-Fr)&aU48ES_0)5CWiIPCX2SH7hc>C`Z^-20!ry@ zM3ku_-C61gU2_McbFz`dH>eO5b(tOcC6N!_10{JMsN?T|Ufn`%NW%MIZY)Qy!^Ykw z;MBX1t{S96SbZO1J>u+e)g;&h67B)_*X%>ZR|3ihNvQr#G$rRXoh}FqWEU)O%{)`t z1`?Pcu8?^`XlV$^Fey~%deDtZbo(AeB0>lfRfAQ!yfS*DR6}#CrFIDe&O{Tn0c-+R zvg$9ZE}hQ=UqqFJnjE8h1&z*o6Gm#<8nz1;Vi*)NN5WWa_MXJ+oYrX9E&V*pp;ecY zQQgk@7;Jv*x^2cyQ4bM?lANP;9?wLY*{2i{ZcKg=h+j#Uk}EtfC?b44RVsBb(=SjU zZ#oD~rlzgZk-HGO!^IR1Vi|f2(BD_`x?Gc{_To_cfnP^g}RKdlrhF&QQNSvQdK1%nu06k!TmoA+^nl9X-I+3mXqK3BfMnbb00aSCu$X?fJ0=e@4BkeSNo={Oy#e-IB9tc`)dk22 zkw<9*AyY5RB?Jb;gsFwqQIQ(O>E8`4Wxh-f3L48l2(IGyJL_MJF)wYTKikMyKBv+4 zJkHIqW~rpNO1{VeqG7?o7R`3Sxtrhu=6HpuS9>Q7q$MK;AF}UaX3~~Fd|K||uyFcS z?YveqPC@Zxwv69XS2M{TYo$xcIlmB$lOJM&+@TWO81lN0hiv4rC~uWWvYd;Uc_d%L zMzMzH{cOCX@evbd8}1?7ibcio&PZ+$Fdh8$>h?VdaDgCj9_FygzvSDg9;ss%9qLL<4b~Wd?G3h(t;M36gSiTAQ5{5;3 z4~pIK17R{q$-R%{Hx0fQ`L-r8?4W@X%!ZMIx8D1I&(Z?t#nJNjfJys;}HdLY$+(g7cK+qDe03aTj?j z6w1dW0Z^&)t8g5HaA3AX^IOU99qrewk1iGjSGn1Bu~))q_6~gkO&AL;3Xg$uKMA-` zDtTv4IpFNowOV2LPtGk|-M$)E7!Dq=$rbSwrlq)(UZ70JxggrZCYBs8{k>(ZwwrbY zJ(At7$u-Obp}6weA%Yo5RQW^DN{{|j1~#|;dE3)Xv<9(MC(X3~udmmjLl**F+Pw}g*jkTEuozw@KCK1zj-8BC58EphF)>^6}b7Msam~W5y5O zo=_3gFf;6#tDNa+~_WtIll`Al(7(3tVDThvHWY=uZq#)l-a6^Wv z*M@#}{42_2f~K0CZ_iX8iuXIllPmMbcMtjdJP&ms0?`rN=J(l>$zU?7x+*nx=3}q$ zo^u#Eqe_i|)fE_B$rC*bSs2_E$rMxUoG!+Hn!$L5r?(06Df_@Unxa}5rO?Aj@w5jL zcL3yr$573bF4>$n5g%kG)&B?|RsqK0bk)l`n@1u7KHj{A2L#0mC~|8&!AclNxRk8q zV#zY?kIkU@KvbKvX4GR&;KFXaFQ*|4*@*--yaM9FCTvC%0U9(5Xs)5e))Tc1~o z6*+Ye;0e*{)}0|vK$!fuK)xj`Uy#K`q{^AB>7Y!!e50dC-6d;TezL3i>VFizvMl3- zP6G~|9cw`q2HKW2FDrrN^ok}-U1|}r!b+C{D_YnVoZg2)==xa(=%VsNXc4?>>f$)f zT;#^xc_%oqdUm$;3K-}0FH*x*b}N9sh$%XdJ!d8?>l$tT0ZSw&Z6;9u&kEVa@N3Rc zX-i^!5D?4o2|84~OSRAj$S<&Ql8egc!%%j}4++_fHfs3E6OkxxFQBzl`yU8V8Awff z7=~}Xu+Y;Nv3za^XA+oF{gpeWnlT*_G$<+4FmgcqSI30kylQku`;7?sagDU)>_Ns}fqe*50klk- z@%C1wLedd{YU@lW#S?ncb9-0eGlbg`TTR+-ID*}cnN1{B33g&g>WWNxBJR9p7pn}Q z_tqV+u=f>J(>@_`>yiD-G9sJg9ME}<>m0JOt<5AxnJ`q}&r<7cn{RS{4Z2#pkrdm; zeyVk&w+{@riolQ-bznu1CBqk!C>SnQJ3r0iF=CDf7kG9VBhy3NG_Ai$keO8Op%L@j z!TZ%jfF<_ID0W`%u{e0%rB<29{M#gv5&m`PId_IIZ6JEIQ!p+mC8@FjBSCwQ0#W$` znPQyb`>Ya0b3LsQbOQ6>Q9vQ4osv{@C#a`jQ!${QK4JYeaZuH5=_-uTOkuo6k&BSn zBf*%5hry!A#1=)JrWJZ~_jY_Y?bx=r50D1y6<$ptO)r?qNaz!y+>dGJ@c=ul!o5_F zBBlCjJ+N7o_7u;cuwh_TmC-IB8MVV(aFT^m#y$8Yewn>HL<9PF(@@SNG9E*_* zqd(SFLlPu8T!}X>4)WwVU=)3Cm8G0ma*$%Jgjw7%;yxz-l14=0VUv^H0Qko%h`$^S z&@8Rwb&jKh6zw2;v-ff@KnFLog_HJc&1ZN!z|HN8<1I8Xu?a&eYHCqzyZPgY>J0&B zQALjIIyRCaz{fGr#8K9IAE_oc<`7UAAig9l>b=14#CMUJEZ%TDfE1xMC+1|;n-Sp1 zz3_-!d#5SY0QE;oFwGtlwR#O|^GS${VFa7(m22JClfBE4y!G}(YB0ocm}Prn7VR!`CA2VEdyhnTVS_$vgj0e_gu4y z5+b-)hW&HLC}CcDU${=?1J0C9K)B{38kV7bjiQIEsxRck<0c_1O!3t`L~u1LaH01; z;ndK^ir(1s>XT*kYUn zd78_M!~*EpxmU1YL&DJYt8e51F!o;JRj6Yf38rZlBpookT-KH#UEMYKf>{Nnlm#TO zWxm9)ZwJX>QN}_!n`A5XiGW8c`1(2NMF@aF!UGL!ZxLmg)*1kOP4eyipKnBb^e3=z zBA4`33%V@!m-*70@{u*W3A5r)hDEH?B4?boH z28RfoCq#vRZA0yS$GG8RdESR9j%c}@f(=lS5eP2h! zpj^&AK*)f1a7RI4D>cD1o{V62+N=Qx2u94PLgQ%emsWfy3b=s)^hQx(goHqZ7Up~1 zSE@ggjF;yec|N6nCnrSn_n=1yQzu-TkdNSqL#&2F?Iwu8PlBo50(BxjPAx@M#Yhfq zuI4S699a}h3J7t1^TL)0p`W#;GNGw@r_f(Kt_&|AIy|A{>KsX-pVpS*(DEu`<;Q5- zlUH#*R)Auh1W`ZxGLXMSQ34nJGmunL3VvF8l*D3#d6C;RjfPTyOz%p*FAlulIlS72 zCa6wVGhKi6qOBYXhd)PXk^Shkb@t}{JbgQ|R0k;HPlSR13&y$^%>RFVqWFj*$SGo| zGw5r;xfPmec#x1#wN)t0yhC7lFC&T;#8KupX7dw^@y70_p}`T5j{`J~!@{`rnzY9Y zpE!=TU9AsV!Jh)m~>^x*mFIsTFE301-e>*hM zHbgN68Z;8TTHG>Tt;>3OK{Eu?bPI-d4q4HpNp=a9tFD4c&=H{-2K71#1A$)3knCdA zWO4q%yU&;ILDieG4nXQ6QCXQBY|H#8I&r{=i3$E4#PlAV1JSj38=!!#gzeSCMIU7e z&Q68EC`Dp>FEy3j%?LmXE;Z17!c87aAwaAR5DP$!ZODY;ZJJ`bbr+ZwuozS@0^dlm zSt?Azh$y+Clule9xdvQR1y)X&yU0YSSHN1p;zddAtg-rhaKoc5PC2!;-n??@1Ho={ z;)3WRXWU4zbsdrX@(5942GmDZhlwP1=f?VPG#U-F*gZ4 zgFU?BoX!PdTB76xKGKJziI7kM7W=Xnsnje(C6fO-Nj8y=I|!)3`a~(mQOYG(tu+XJ z$&bg)T|}a#{r8*mUKCk!2Dtk(CH_1yD|Y`SOq^k2%?7iC$EHSB@Qy}&aYxO?*0R1_XDM2em=hIJznrQDqnGw z(r394@k)H#;I}CCRWv#d!yA%B1U|K&r-gpSklZ)n2(RP zO2B2CT{7@qKwgx43bENGP$E8YW{mw#QYi5tJT*#t0Jp_2j~Q8n2QUx7aAbGe25{KO zqvL!gUA%s5Xkc1saZ7zO2n9tc!X%JxlT!f|2}CtR66-lew#;}0q>+TB7^R=s1= zv%T(c^~RDg&@Z|BVg2Wlt`kp%xCVUeqParof)XxFb*1 zi0I(><->p=5mb~wmL`f7sc<|F#6(BWXTvlXKsb|Ypd_w=V%+K90M~^K0c^zA;f;Tc zKz3=D30avHzcXw*=kzU@rY{NCB7zyNbG_=?I)r+7fVu_r5f|ENgaO+z4xkU5VJ7J6 z!F_Q^VUGE1iiQSI4)`|* zBk<<#A6ked64W66nI5@{Bt&d{`xTlwTLF0k*+RgpNP@~+)HHbj6`5%wyC`aCr87$^ z!GM&dWPn7vJA@Jgc&0`&WAH&qmHQ_#!@YZ$xU}wL?T_zmS)zA5!0bHY=pR{vhJawD)e<|VJ-%)G7?0R5 z3G0}djg}2iG=e#hw27yB)rJL5Oi8S@|FP~6Ei9kFa3BZfQy>!|6x&Jxv&ybDF-Rd0 z$kEiH6)w6#i!|Q1(6waz7xv>7s8!+wL=qh6nosUgwyHT8fhP-L$Q}nMiIZtV6oX5^<@khj zx-rWaViKfsT$=cpMj9pJ5YV{daqN`SKHq(j=@q2Ni#Ui3wjzUIIHr=2q|A6J<1k`> z!V1cE3YzHGvwEtasWjMHH|snQh31P1jV^H@qa-&XDf39mMq>izO-?Tr=DxQih_NGi zhe-+!{d^c$EhFY$3L_6r+ZL4`PD!bSDw0?ygm`hwQz#uHu0fP@NH{>P=H`%(m6H>P z>@mgGH&|dav1!M*Xkq)Ya)Q7#AOP{A_>&K#S)i-nS2WP?f5`%0+$XNb_QC2wJE{hx zimn1f${MNcs2VUyCf;HPR%la79CH^1Gc%2~HWEb1Y%(N2YNA2_wL!lqM`fHviqdrE zZZe5xER128x1dwF7aIt&euPUGuMeereQkOc1@C8MNMpJoG6_LS-S@h}G*1tr#2}Jc zR+8kKWyJWr?lqF$93v0`VOoeyF@i7n3?0s3NtmQlZioEk9yNxvUiMv(zZ5|wyxhPB z;hj<^TT@f2j4C`M@PvtLw09K{%HK*ItFAUXcxG(9BU!)$C}^MBtOf^sT}zLRN8>vw z;Q|5S5uK}N7qmR5bpmR{ErvTfyJG14{)W%(&(K?-v1cr8eW5L0!^kc)DK>>v^k(x8 z8u!ayPWRV(Yvk7YLz*@mW;4;GT zOc4>(flI*NCpBi5d9i?~&)kflV2!B$5TmBtHW6^vp{7uOjzD(!c;9GJRzyNYW?_`| z^brSKTJs_7^BhlV@O$6%1_s)y*THuOX!<;V>_RqK(HH5#;W7=o4bB`#v^<}Rd&6lV zIRbuJ$W1)S4lm5$gJF~#2jUEr_D2WKN zi6GxP49?^6gw$gymaDQ}BQa@CHi~2}(tsP-1t5rQB$leEHB{s!0!z>WPVW+MT(S!T zfhhpACle%YGij!MYtyKp!orw+FA3XXHyr>lB0Pwn_V`>jIewVvDfA!(mrXI;Rv!l7 zfk}c?W_}!!EBjkR^35KTRKIy3 zS5D@3>AY=+P{JIUQPP)XW-gi}T~GLUNF)yVL>n2RTo!V=NxWsqykJA8@>e?9f9x0n z%Y3Arcv3&3;k%PAYt*f_0?1gk5~d|$;M)iq`H42(8AMkWNBl`^mc()lrah)I6u7Iu zWW5sn5y*j^x7HFV=-VWmSJH(lugEem^j1g*5U|juikXy5f=-3!L5J+?*~eq@Mz##WNjOSMWqAOh{p<31 zVS;vAONVr;19~kgi^PJo3bzn1K_)7dHzpyWS?~u*nI`8B$ktFPO{kY$;8Z1CcrZFO z1UE`X&$+c83h382W_)#vWN~P>ai2jd^{(=1BS??t-Y?@8Onm}ClRXN8AALbBeO?F) zon-W+0xfUO^4mZl0Vngn?JBu1`u4x19NMf;1=9z}%4K~~(2sT^yyOv;BO4X9nCjB0 z_-S=7TP4fqpJ7ro-sU{EE4fHTa->|4I&>^SqQc6Kb;0~AugA4=sSai#Tm_8>&vDOF zqdvO^SQD_UB*YcP#zN+S05g(|Tplwk%aL|$h>E}R%8J&rPPnvLj#xVyJ~+2(JoEwt z)WHY`+XoQ=Ze&4GBHwDk+Y$vi%k|0JBLbXd6|&@52vSz_v^g z-MrCFJN3$gDd4CaaGx|lPXpyN7#yvndx}o2EZX#}j7E)7p0~W;dJX?fs>q^T@^ zY)S}*O9v?Fy`w{nsR>W1!&!oP%m@K#nCrobdM|J6yu2Z&m@!yfp$T9M8otz1L#N5L zm-BjDY!Y?6BZz*Fg;pC$oS;w&JGbEKl?P*^`Mq>*z7~sYUo<&fUzq@dI3)&+hb=gV>O!tJ$W^=fWAyd) z^0Kd+!H-f9Q(RRA(%zsTwRhsJXG3z6KS8F=PR^!aMSJ7BB8-AvH_8D-#SKA@v$m5K zsYDU{3^A0PH#dp2@;8h4Vr^g`hv(imZ3Ef>cn%|dk&GY|KyW^^KByn9>7b)VcIKqt zYpD-Kp!E0&>hJ`WIko~v1<5m}0O26tBe*fs@z4_PVCb7;Ie|#F4xUUtFON_ygaVJfJQXOq4^1n&ZkJ znpv#Ztck!}9Oazq|6rgi;C?OnK&Mh?DJF#E@sI89U9b@d?OX1g$1>+L1-=K0dt2iP zx4bGCERcjRWLB zBWN1R*pPwm-r-=NM$_cfYl1aFb{6tfGD7HFNVcUn?DKna_#!ab-t8I*xA&yDgj99#tVZT)Z|8P>7y> z-fJ%PGfV}XRJ7{!mkqmmG=~o;td<61d2My9KOn=~T}J1(5Y&90X9zabU!Kh44aZoz zzR?IzDRCYtq*!Qxu{@^{Ni0LRJ!Q)yYhbti&YfI7IefT->T{)cLbl=CE%1*6%fvv? zl7HV?hqKxG?6BqlbS?7o-uhXR8J)z%>6X{Sx=a&mUktyLLez8O1)C6{$=QOG-GZw% zUHQv1Gk&0V{RD6Tp*#PZB=VGyp=C!=p~=}Rdyc#q%=DK1MRZ;8rng|%=)Kpj0PEN0 zQ*W(^Et@HZ5M!UJ8pz)|qOr$3swo<2!4d)ILna;*f|$OcaQ^@YKBcGNVc2vix^&^b z1!61^;ykfkqX)yQO+BFGv|w}-ufJdZod6pD1hheP1EJwPR|}>&YID9n*i&ep_09Ij zdf+HD>wJaD@9Bj%ePq@;3Mne95lr6Q0q;?D6a;Fug4FIOkOID7#8U4dN^t3U+0-l;!tPDD;G`L2$&SB3!yZiFulw~;P(ZH2Spf#PY6?s< z0JxZtL)Ma4f#%85D!#3k>-DqBQ2wCD%yYnsnCdp5Vs=N1GjXmpzP+O|>yU^P%7#!A zGc^Hbw6lIFka)HIDiOIX8y+n6?yTUz@Wz&t5(9t^{7UU+6Kw+ba94{;>hmoIiz) zch?`(D$lbq%qFcRVL(7iI7vYVfjk0@mc)Ss)7z-)Fgp0(Vsz-i2_>kng>=DEfCp%` z0_%>j6yviC;v7uNM33n z({ivXbJ20h$3(;6kVyAkpE#Ve95(FTE=eg;laLh8A97d>mni%AOE)2z*Eth;_55ix z{;k3U0eM0`K*+=cvwr^&NQ7*rG8A0MQ ziAZ|7^1JG#xcBPBIdU$CzUJtup=6#`i9NLBN{vMnA=b8lADbRuu8%P&t3;sNd z#K|JC=BXt3Vk!LlQIYQgxz!q$x>(J3`YF2L{~!nPX~%^@h=%MGsMu2<0lkq~qgrxQ z=D^BGtlinuA7w3wt**ryWG*5>i=-47pf4bx%?~c0R(nnF23!Etwb6ht8S#ys|?lbby3ux|* z93eo2axTU!eV`60pjEj*=Ok(q`r)Ya0<^5JB)%1&vA}h{`jIO_QMj{#LKoV*tcr!a z4|a~V-u~gzcan9TV|C*e9Qb!Lf+`zO zrY~L<%g>)KBY-(*Lkf0KzA*S3SS=yb@GYTlFnAu~P_zrnUswA5KCCF(^pwA0djx+1 zksLgMJDwgs7k4=hg^PTivIylvqxueysjgBd;lllTb!Nr0i za)nhw?$&$*-Unl2<%#$()dtLLBZQ3pX(|J~B9k&c$*C^3AvRlwFp|E ze)Jz2+YT#Z_w_M}k(XC7T!lUb-<7nDy6AP!3Ian|)(hG1CwJ{!(Q!o^>wcgWdW^_W zTpZST&6OyQPSiFoq)c?1-S~8dyNUueY`g+D!qIvlv8Wx8Sf<*+8MDXm?D7kP^i=GT z=PAQ#*tZ1^rH~AAEf=qKA_o5`=eIZS@s*fApD54=J6M;U=8X|{*{m79eN?1_* zMqJ+NZX_$9_BYe)Dmw(|ZP84n%W`mm)^is(jFe@Ysj zuPi2UWrVOX5+Yc$U=TwdzR60K$rdqY3BD~>d}0(u^OVU8gO+@%{spwdCl>bY_%&J| ztd6oho={KZ@}!L%ldJ2&&)G#_WPfU|E|&+U6`&IdRotD^(6PsppBX~f+LCaWQzS$Y zF@OOpE98d$JPri!x>w3$MmC}|ZvoiY7_&+H&D2TsQo)AG@mSb@nz~f+@b>&lmoMky z(5kFW2BqgGp3{2!dK%%I1=BZq`hQjiB(PyKP~1L0`QUZ}u_e{3?}6?!!MDVj6G?=@ z`TmJo5h?}_f7(=Y;QvG;%z3FsgK@mVBbxw;+B;;F7uos=(IN~NQG7-pKt=4V+8cnx zhdt%O(8#k>0+>sH*a@lQ>9L6oZY+NpVcBvWS$dx{KxdN?1Eng!^&H%BI1(lXDL`cT zAY9MLf+4H7>wK3z?wOv!^1P-8dZeFW@6l{kc@1}mKJvQ#Tz>jI*a;U?LPm{+(4=Bc z&?qo7VawSop0g_{)Pt6^KuAb-mMRU6D2m#&iRHEdrok2TSyESSsfhX`^@}S?c+FEW zWu=yI%W;i6u>`wnKh!Ib7TPwC3vKX*@DIQb+v3m$D;GJF29&sBOn*YqckQ@nNBMaq z*cM@kY@jCyijpkn2V9GRiN)JSyG$ z&%o44o`GWlv0;&nESFG$qWLg8XJ<65<65n1eP&?Amy!ZOnR{QnsSZ^jXbw@kJ_PTS zG#Lv)Gwr#NaUIA!;3lrpqa1eCm8ZwA)>&GM_tTHh_3MirSn6E~^DHjZ?Zd!?IIFoBGV~a^ za>f$B!^t&6!17-QkK;4NI8QT(1;Zbf7dwR__r@CvYqlLlz46WkmI*6i5+WIBGH#RH zUNLe9xjZ)jG4iQl?Ou9|rUl zXCk{85&-H4V!i9EpcEqey2pv|@5{_FjfBhWlstsOC1V68=u!}1CR5}-T}oA*(kC9Z ziw50g&z43`hzhZ2^o`48NoqZSN*s2?mUd*Oh`}I-Mk}J?xheMV*o;nn8O&59Z;!Jgj_O&7!cVzurCs{ zRU|;QVwXCq()Q*3wQPfW#EnW3#1!Zhe}jFIh@utKO0q%6XSicA%+Dez@&{dJspEgcF%(GWxJ)Cx?2vbt> zPks{tii@3tMyjx2}giUfg#m?d2Ny@P@vL5E`_$jfTZjoGoPFGh!NlDG6fEP~>7 zI5$9yEqe`0eSsXAm1KK#m;y}m)5iWnAHJaY38cI;r;m6UL5d7WszW3-7f=IMgr1@I zR{*CDjwcTc^N++PD)u@Wlp^BYo@Cjp14Km3lDZYExSOfj*^*LQ$ zIuWaVl?8u*YArMGS+oULf zi>5}2K9n*iq)nA&b@gpa7BvAm@KM2SZLvRJ#QTaPa?M0&SN-9rk=Srwljw0!pYXAv zu6I^2dIRlWJ=l*yoew^G3D_Q4Zp{QXL`PkHQFq3V{hlOFJ~u`@&G0Q!IL-%bXNMie|JR zreGA(O*&2mU-4@_QII4=`i;Utu!gSkBF&Wm?5VPGWm6R}vR5E_$X9R;=;QiSW6;-? z!u;O{x(a?;x^~nbjSrO^DefnI;Hc_&EGHmcg!XXzAbBz0qR<9Ho+=pgpIjV664M9G zobpc~9W((iRBPT)UH{rJESF>G89mf5$#F@seB)i?Icw6|N^Y~LbH5uXWtX~(AaQ#V zMu@CP(P7#h%fEPI7vR)@MQP_q>xk9N&QQGsX1L>)2mj4|jK~=*3*=qk^i6YdEpwgsC4S2z7F2)CF4 zQF}dl#CvAMiI;^kw3t*1wroCR=L(7wzDq-Xk#06|(Q9m*=1Mxw2DaeEQ0~Y@QqE)e zS|pdJ0AZ7kMDpJhT^nw4VDLO)A`%?!oTi|%$_)5{)y$w*aw^e9>vsAHqi2rA45y>% z?D=*o>2@&0%J@V^baMk>Py$9<4mAnsffMr}PRCi80EsoL)52O}T-2=F1>WTluchM! zHk_>(5Swt)Z>02Q&RB_RyCK*$kgUo$*-pC&I_p1ElS(j2j3E*bjh3q;n4!jYdm;_xZkdy*V9qCU4=zA^l3Atj zWP!^ZU$HUV45gjXPEg7y1>$n3w8ySXCOpwKdW0ZA$T~E@#(#r(fsLhY6*iK)WUsHj zO7GMoqMdlFQAq%)lvhCnNEmP<2}XiSSZXr>-tU0iAc4MAT>-J51C!{xPejE!1D@;?2cjxG=700FTaS78SS9j%45r#;gF^5y}BYH4*@3yq$o%r33-ChYt*n0vyMG zvrq(o<5ZL{{L!92jaoh#9shEZo3Khh?XA-H*tc~mSD>Q00HeKEE+$jW{ynEKwGkR9 z@^6d8=y7NrNNK4dy2tWhk~yVqc~pnVq`F^_L72uWQR8C5%LI zQ%~=w>YDSQ8zd(Xl+js5z_e4awi2#r$M8bJhGKr0@R{2**<*2wa~k&xv<<;mN&ShO zGJY!BaeI2U?6jsNYJ8IKC6ons7GvBkEdU>OF7;?3U3z`1TBYbw;<`(tOwW+pnS%#3 z$LopEiR*w$WG|MOThxV}i1?_46&Mj47c?jO7wHpzP)}vvtjhcm>^T*E)jR?Nw_VJH z(hyf&8z9CwR@|p!%gwhWkz_rR+lGfiIR&)phPlmsr)V9-;umGc1K39zvfxO6QPga> z03Ql7m=%%3;@M=}+>oZW-B zW7r*f;Gfacn-uIX+FxaKgJYJm)wDDM0%H3FZy!IXV46_!}K!3z{KRynX7 z8P%iL`n8lvs8|?0kI3bLIi5@d3CX5dMj1=lZAr8atH3Uzgp*A5YVnA&WveVSRe_F+ zKBu`{E5o8(9}y_j1tTEv;<7PG?zVX5+Z(9%hbbM9cR2Hb$s=HtEJcW;j<_D)6#)T4 zfLP?iNe$dH2-HJ54VYa+XpAcx*kQoQk&Hta#taSgFbG+$IOgd9G;INp!w?1yi{LHr zree(s>|1cNk#QoT3b0gxLt>7_Op7=c?kkK}z^tKJ1Sk@OBX~}zmN6va5X4*wLlPuN zkuU^j6Kp&n`oj>0_zgrEfIsl#!&C=h4RRVNF#upN!a!I6#*J@CSei3=Y&51QrYwFdP^^pke?7K(&F~03raL06GD^ z0j>h)0YU*A0Sy3v0AB$=0M-E40cZgm0e1s-0cir_03iWv0W=2e1~>&C2C!rRp>L5( zTWCN~w3r0IMuFNZvJHR=ARK^l`#1D{G5?pwKS_MA^54V%0DKehr}RFC`2XTB_?==0w^)u1m5PYii@6f)6_5Ydu zv+NIZ_(Rt}Q++LT5!n8!J4x!>sE&v_3*cXat{Zq5;17w;B6$epw}$Rg`0nFJg5D-L zYvw@(goc5TeJjM($AJAZxZHZN}RzBcP0=_>ZI6WVGU zO#Nk-YqZTa3{!84P0K~GsI#32<+_AsXU43wILwZS(8n%S9)lP!Dg$$e2$$9$E?^Nj zql4do#+a8qEP(bD2)DpP|$dp<`TZ#bY6^~7Xv_Lle)77^OsVhMOm(@ z??8O8kA%}ZWpR&2v!7qFSw@TF6d*=9YT^Rtk(n8p=CQWvt1Om=n&5uP;GiT6 zMRvbm39kbp*KB`qoVg12w52Z)T}`X41P>D|q_%K#zuhwb+BpEogY0E)KnSy#@+(m5 z20@LG@LUEvk`I|OIUV^^0_YtG9AElBS!Dsh%k^P9r0moJ25Lkm-gh#igwBDhAOj0!EF&8MxV^-m1U1MEd?H7} zL;r;tfFIT|ei3-Z@gyM=!%Ba7Pa626JRAA`V<2D<{RLRT@0o=bE)XF)nFtUL67`2L z{?_Qz_`Yy2t+I)?9&z#z__Q%L3pnhN}U z_rN#WU)kD59D4whbSYERHY01jM7id50EuI1ctl?<_IT=Y5vP>(sNNkB&U5&F&^kBhm5y{o!y!F+4wdxXoy;!4$W`?_nL(+bK_QDAMUV1O0AwZ| z6j)s}9YEZbY-C^Y)9Ej`aS&~{sXCG2SS3ce$EY;Yv-c8TlrD$C85ATlLZpGP_YWfi z`RQ?z1@zIfa{yqfsUDMEPpwuX%XHdO+ASb3EPi1fBPocvfgsC0xa^CG2SWBPWQ&GS zpCXPti8b>WkYbf#Vg%A?&_UwUsUQE_t4GX?7QqUpKJ2Iw#%)Q4Ft(`9Ja&Yk{C@38 z@%T`)#wWy(kKfEH;ZBQ(m*Iq&L=<)4D7tNO{SsA4Fp4D?(Ex6nQS&f3TK|atgj`fE z2|OX0(&(ZqxJd~IANX&dvX?U14_<~h2(lP6k^H8ep;2HW6oPo?U%v{M>|{sU~;p zLTv$OTx3H^4zNUn4wUfo>j{CEvTC@C+cw+cW*ABH6u@!M2EdBL?1GbL_#e;7YDBas zic?MTazk(khXSyPeDom_I~wkLv?Wr8<%egEfM!*M9^kl$>zsVzaP}S!gcD3;Czy#58RTm?`p)RTS8I<-sC3+*n{A)P*rU!@Npj`e{x9xsif2v zTW`{q3p^?A!Mk60Q{(FLt(&TVe9z z0-!PiOV02JcNeq?AbJaI+B9xC;LB=}Ho0vH(@;Qe0zq~-8ckOa!(u@Wou`p_TR|QT z38H`lJE$G{q1egUX@&v$x7wNLWD#j*!D58GLv^bT+jpdKBrK#SsQsWK(+RO40VA^w z0nA7MN1Y1Fc#5JkwD5TtHG1t;lo=i)U+kFG?1Jh11h9382!marrRE2eZh;JGh`wNO zQA_~n?%97HOKLA^#oG(5*bgSllS%rOc(S%Yj00cYR;!D9G_90{pfq7D4I*$k?byOV zR|epi%oIJ{ou`5zS!-_dnxOa{uNv)(luMo^5TCOItq}2}sxCztLEzBGS)Mf6dzaw< z!GweAgvFYJu&mH(Vl9HJBV%=Jz~~i%nDGIF9ncTET-AQ=fv{L11&K_;ei!iht(!De;ym|y7ksL|^5Ko~B-vSh80++s?unD}bZaYa@ zPH4M$&fw;xEGN3_H1vHW><%-+dg7dfW)F8$bB+h7sThoOtteO(v{&-+iK}r$%G))# z*Nhx^!ZMj1VeG?EkWg+0CYQSX1t96fV9^3c+9C393LU&CHsFCa1q99$`zTMsEWwLc zxsw1|A?k8-m8HCrk6;K7dhNDJN3R9iws%6vTq_}PtR2CZ8TG;ltZ4I}sU+^s8`P3F5QxrypG1-{ zGlr^7$Wsy(lo=xfC~BpKfg<2z4OEeEF@~x{Pi7O#CvqMJy+f+}=CB_$&IuEslB@s# J000000038FvZ??8 literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.svg b/docs/build/html/_static/fonts/fontawesome-webfont.svg new file mode 100644 index 0000000..1ee89d4 --- /dev/null +++ b/docs/build/html/_static/fonts/fontawesome-webfont.svg @@ -0,0 +1,565 @@ + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.ttf b/docs/build/html/_static/fonts/fontawesome-webfont.ttf new file mode 100644 index 0000000000000000000000000000000000000000..ed9372f8ea0fbaa04f42630a48887e4b38945345 GIT binary patch literal 122092 zcmd4434B!5**|{Ix!dgfl1wJaOfpLr43K1!03i%vhk$H~0%AZ>1W{BF#BEfHg1Dg~ zwN;~5E8SkZ*k5bKH{JB@BDJlxn{VIPR@=8#3)a_G$lUzD&$%7=1)JAy`JUYOIplAXB>t_7*Iu<{Xb3e)N)PT^F23}di`1q$X6@od}71qtve>K^LHZuNj(0UOE14*ZP}4s-;vnA z&qW=pH?Q5Xg&*KiiGBN1C?C6Q?dJ8(SMPcS`R_=QoZE8wRa^ga_4FwcdvT^D1s~qN ze%(cx%a(srVz2!k~2Yw6lI@+5s`MAXMPnb-Ae^d_ixKJS6(G$rP%+V0YfOHiC3A2!ZR_E!?@AdN$4M4 zXU`!=si>r|KAbN^Evl4|Vp5-UNcw{G73l@(7cpCGeC+&qO-)rzZ*uUc>uA-{uA_^N zt~q+y(HoB5dGz6|jbpB3RmYl+bsbxDY|XLDj@@wV&SMWB`@*s3 zj~zMon`7@BGv0N*TlH?&|45iaNxbE$;kQVm-Xb0K9E~5%9$kF2_vn_RxubUhDn z{ch;Oq4S2$9a=s#W2kw+{$GFiudn^){r^1ipU?iP+7tCuc*;Fxp0Fq633>t^zsKkC zdK8cB;U4CZ+(T}|op%qqPq>e}KXCuu{Wtgf?*DPW=l-kvUH38fQTJcmZ#!uQ|DXJ0 zfUV-I7{@E=SNab(X=?xf@K4vuENaARD?e>x2%pMNk}gT@ac^Aq z#=Qfq-^gy^eOuJn@hzHkT)d+=Y$7v}hVi^1Nqbz)NtMV1bmomWhXPt{ye8G!))M!! zRHn6ywZxmNnD%&M{x+74q*9T=935FUe_LasF0AIlbqRHLEpF$fRBH--qYHaFb;kBwY!WHhcCbUFjH9-Qx9K$ z9b1v)D8O{Hu#s!+NwKr98!2)5VdKPIuYK7#loTL2l+%G!q=+4U`U&k3|iP+#lu}PCX~ihez4V-zuQ*Z(>dN4=(_3h z#fik?%Wvu$Fy6@Dlk@SFmc;oN-Z|s7zc3W|wB1i&+Me{cHHZBw#w23ge>MvS{6S-yF%1(M0j~cLpmRZ@uNH3~Da+9$QxtOj_r$7whYdN%O3asb$&&`sBc(p7PAtO@#6r@rkg~=4 zQtZJ~CG!!E7pEcy9hH$HCq|NTX%S=O`l%~?_PBVrDi*QWhy;!-&L?4Ou@@B4O*tV< z>oI@?dfUd;y99)bEmt*B|@V;t&EQRhb5W8(#)tkl31(){}kIk0*ew* zfoSzqW+F}RnEcrL|J(Vo@8eQOozY*{(NV{;bR0?ZTxl*pDmVJx=-h{uEUl5n#B1rm zeleWPk0j-hWXaW%~A)4|@QYc=B;OSMj8*sQELR5R_?Xnx#n(Z$i*j04dqC0L5zO?mm< z#o|`R+o6MHk(Rik;RNlj(gn`y;O0oul) zIaJB85rLTyl$V4hc}mJlk^Ig9zY}E307#ILu7s-uMsW_eXXX^G>-KHgb55IhP z?~+aH8r-q!jSc%B&F6YH^x%)@K1n5a9%0c>ewB4^j=35eE{V;5^_mSRj;A(U^XmNA zB@KeNJ#-RMM!B5CDA(23}S~Npc$K|)|cKtDKGh4 z{Vtz4u-reF?kzs(yV4LzmPJkP=0%!Qnq4_aCzni@*t^F?Mx{)FR>XV&@9ENI$hW3y zv_PntAPDPI$BYCpBehtgnvVa}3oO^PP75KGCJGkxJuWpdS~frs?ZvAtz!Ghs|HU$@ zW}$F9NNaEgL{__)9;yaAqDTi`IdI?=e!%1Sx<61m*JiD_JLGWf9XHng9CVY5c=2|1mk3*TvVI~_MAMB#`Vg?WhHaDZ+8 zjU&XPZOP_y91&acPV1#%_ifEluk&l3;3lj6$~K$RVGphyvcvH_+r_A4XBr_Z-?olnpIyM=MxS&fF^|oXq%Q(`^a9!?mXVtnu}!)h)I!8Ju|O?^0%=?( z?nsw42nlL{E*L>>4Ivj%j4%fZhQg3utSDmv=d;cLD`P&#dk!CezbT(}`d9#$jib08 zU_NI)+Z17sS`q=a3|HK^@+6A5QG_iEBrNRF2#+cZyO`f;^eYaJ2VAk=$t1ckgyX!n zE+ycP`knnW%l%FyPrTJ7q`069FwZ(T!z5%KQlfwhi)a6+X%B~*r_t(TA)V+LmI8W< z7X%zZ2&7a~s>DdLlxlqv;DCw7)c*L^$)B8j8+*B~!}x}`+Q|Cad`7m~>uq2XAQLuDeWj80`&oZweVX+P)+#ID)P$8X$bX3j0Nqw-*A(!m z0#t%tNHur?Sh|=erIf&n(rYumX)m)I{cejT)Grne#^{H`FtdOENl?Rk9S-B0Rx8VT z`~gOA<1+euytxF@4xa=%r)VqiA_mvoB2DQCQJU=ZZCz8+LK~ZgX0xpOCm-6>`vOKE zHIViCTn-1DX0;mq9`?b9G!-%mLhgWZr&#%M2)yLDjLj<^j?*4r;40hwCN>WHL-G*o zWHNgt-}wqotn+-9<-MuMaUiPlcWjx6oQ-5`@09bbY?Ikh!^0iC|1qPACXxNNYbviR zuc;}||6*#%7`deil8{I=pS0MC#y%CLB{rCGt=57G_* zZe$z0-s-*geXmG-ZGUB+?s3`oSea$B@%_(@kZSib|E8M(;i_b0BdNM{)!sb?5^ux# zHg4T(DYxyqhlo1X!J`&nSq&3KFrsN8tZ`0`~J-Q+i`NVWR+bkDu{O7DeXzwD>Sab@ow z^MX@n4z>_o^QQMv zVVO$KWCVx>I#o)+{Xub0#z37ejY1^)H6_8LWWB6+xZ=N_B9%YY#gS|I7Fj$r*pJGU zg{4AZvBs60pnt0|j&X1u5MdXfyFk%rTCx8UCm6zVCX!Xo7MboCv#>49607TwrT&cv z4s0|A^8JM9InaIo*OO2u{QT+4nKf6>8M$}Pp3v6=ox2BEE9+sc1H1X&C-0jWU$!YmxLfcuuGpMT z$NB5-W7;P_X&k?A-T98rIpVHKpvE>Wi%-1o$p={3OFMVIWc<rBY&0Pmd$r&AvT=BG!OCEH)6AxFoGX$l zs8gsdfRn$DIh%vNogvMWHvKbg!uDTisnFAa-xkc9Xm80qaCiVjpNHc%>3sg#9%$cV!?A=%4acqt&=^749U$ic=|%tYRM4%si_i<;aE;D6&c-eZD00 z5Tu8+gZA@7hEf6DKrOTbEn=+(YcqcQ;`lLeD)gVu3<*}a4&E(O>#g<1gDn}lPXAdB z|KuE4FJe3B2W35uLsCAc1{RkJCd;0zApOMx{<2x*)C{RS;Ad1@%$RgGc zPy+Na+)p!Um zu3uz2{B6kF}@HmUC zaycpo8x*E1N<#6ESD1x!S4gvXo&G>P4XLq{e=vV>$ap6)=e)sBRM_pdvK{g#D%&h< zoX%4x-c}qg-s>z^f=J~1kl1k26{Tj<+`+4}D>f~f(Wx}KEESqPP+?1LO4;fx_8Kj* zrN-K%I&0O)wv?sTY6(Ovj$}Mt9%7no-7g}`Ko{HJk5&74lT6Y!gmx5X_h*~g{ z7*fE+11c~D>55r1gb*YJ5MnS0DnOT;K#2WX*%uDR)9JXsd_t`;$C#5CZ{~xrIj}lA zYL5S{ro(B8v8Rl4;*?jd$O}~v;qsi=e`VmMfYb>gsfkR4+$UZHMN$C@k+n&o(N-h2 z=K}Xh^ta&j7_iSEeti%**JrqtS?_PjUpylDmU~g|&^vtIfsKQroQ&gb z6X(pCc-x5_89JDD40t(ctm63T(qhb#+zi60J%zU`(6 +|+&Vdls@0SAya!5R?! ziVniRxeJP4Y;H*nR85uKLQ+b)snu%yXP=4xXp%p*V(|Ms+&!Ts<#?NwEy!5pm*V^D z-Dg(@-2T08jZHJMJ;tBX$}KEx30j?M*HUJ5Mb<~Bq@%FJ=7BOwx*lFd+F$0K&xW1pdHaQkd=Bs^f@3fK$p_V zG9Hv2&)O0|T2OPy!GKHF0X#SXs4z0Taeg=3QC~5u`}}#6=S3N37Oi2%(w*yCCSSO< zyLqvN<$urJ`x3fcQz5`fWSUx3WgYwdE#Xz6*&n-Zbw~V+{iC zvns#ZXmMIqg)QTL7MZ;K`UR~kCQXi&)xL25g^ye`E2@RW`phY`J}1GhPoTK=wg^jS zns~aMSW_T9(k1JEf z?H?bX?7T1k`f}^KrDwT)O2xQ#Ilv(aC0M;dm(kt|>3YmubBNSoB<_T?25ll$8=6Rh z5r8U~Rhl9!p)LqJks|QabdX~_-6T^Vh;0oAU$ux&w zujJkfnis{aOi@)^-BSrwuIVv;KOM6ud(XYJ%&#%7$o2=~I|BZyc%;FVOGX}x;4i62 z#nhmr3{_xm8B?8h#BmmRlFiViv2+8B>%c?Q8O1dDL_H+<36jQ)hFz84vhc zn6)AnaW$~B*0cN8Z{ro=Xh3n4xt!ZC<`EwQQ%qwl3*E+A>3#@s3*(qj!l5yPn88L_ z7(_^#A%s8eICk+?(7#06W3w+ENk(Qvq%6VGX~IBf;(<^An=lx=tdS801ZTsp8Wn^&D$b;III8>|cq?v&%ITV+`EV8j&r1NHBD%&}Fg9G&f1 zB@$7x?VS#%Ta^bTS%o@e%vFW1syAZHIppB6k|AF>n>jVk6?IAb!PfQ{9-DjWA@^+k zw_86a>y;LL{@f*Ps-wd0*uFuG`SGFjxHdW15tQ4;rGts;TFz^$6Twqn6uiqAd4|xe zmC7B)$|*i7uS3T40ob)v1O`<>;P*W4}nzfnD?w$^S>~ zHq8}fG)A;rG)l!$Sn7xz$MJu=-DB+&J}N(Yyh}&BbgXe*wD_MM>3?XfKdOym?~iTs z2)vZSPHFm|8s!g_(~Z>}Q`<=FZEAFyLu2!&g7?z$WABgc>)1S#p!guN_B00#_m7Kv zYS!sLUQ&AWozhaJ>4D*T*;S`X4*qrcsxnfbY(R7AGx|D|8$Y*Rmv^}5Qe(2D4-oO12yVqCYaHdH>)ZkV9?A|Af zcMffTg6;RK&;popG4Lj!uXOmXR7p*^CU}#!X0TKlhJgex3ob?Qws>(WOu#fO7KENG zx212(mOf?6@f^$caZnQmJm^z`0R3rNL71-Im3y528}vY6j_f{Hm6JQ6!WmWtg9 zSuIL}$Ac_mlca&eD~G00inpirU`vp-fSRd~Vw+a|c~y>I z9kS{9-|9H>D!q;M4fY$o>YtNO8of^@+A^s>CsArsPVNg)DO-q2ec$LE>}P#^Ad`HO z^*xbF{Rxr|!7B-RS%c_7oc@7wjse z&9euO$5W}etj*s13L9s8%m!=~2pQ=|0jf%lC~@L-#6KQz6HXovb%R zn`vUze(*aadj+Q>r&Be8qz}Sqr7cN%axzJg!2m!GQzeIC9T8xap{TBa&x=BS9f0@; zQnXi$bBtG(XjhzjS=8Fx+G2@bcJ3A05|&HES!29C?D2%#uEYggFSu z66gc+2e}`T#gyxqaGLLcykqOZt-V}|d5y=sF)v%QbE(| zJQgc^&By^?H1yxH$9Oty=T2A6#l5>aCNA$?ylnd9bVwi=6lpE?{YK37cwsd-8d(&k zmDIB*Pb^_F^k3{##MTuoC`-FLJfk+J4AEQZoZ6h47Wl*9Ps+N>jHP8|m*LEGek)Fw zmGL#kw~Adfr_#oUr_#Vw+GGoR1<#hTFNg=qj1TZARYLR0z#joUVm@aeC+r14h{VZA zKxAlRC3Z9p7%uLzqymZ)gGyVjm^5Nhp*5q7F8PNf=uRM`hU$cpbb!S5 zR%OHU$ENpD+T8uDA)W-yTz;@GWOkoe+dhgWL$;%PxBg4sI6Ta ze%s0KVz;~o3C;PB5Hpm;6y4xFeUaC zf&0l8j&}GG9ARoXOVFWd6Clwzlas(8_%&lVr)J4)0=%0zmZa%D1iQdQSdZ?L-$IrK zBjrccQ+#%(rkP_G9`0Hg@>A*|5I1_O>1WW;@fT?5FfcTH7&?Lwbl8Ec#m-+435*$5b$5>rzv_XF+v9zD9cb4RpaM=)FLWJ1^ixm1HFmk zzgd6^(pU_`BgavgIrd=XRG{$2!ldH>F zZcOX@ickCa7tT4b^k-$h3pK~gva;5AswouRHX}im`=|PS!HMJNPaV@GX{1lYdrdC( zsbEHAHXCF_VM#Q%!AxRQmq%G9N-$F{8ngEH3L`!=uB3zfq{jETd|aZENErR%YvxN8bVKsfz~13CUchHa`O3fzesD>u+~Ivd1!`)v{1o;^71x6v7= zQTdljtS(P7DrMh0^+Uszlz*6!;;6n9?54@dh=^IU2c~8va9RV(dySQ}ynp5QUxYL4 z5OKW7zw^VI%zuh!;Ls~dibv>KGPM2>6YAkH{}?<0eZo%|CIndFU0fA5l>jQ>Mbkf~ z;ODKzR^(lK`Y!+8{<8L{8l)^RI$mdl2Vvv*rjDaM=g+I$N+k4 zR%IJTiV`f<(+UqHmZI@nkmUWix0S||WIPL!N#j=-Yq*h?_-b&+|1I^h_egXwv zE&~MXf(J=h=zYmXfv4eU)$WV8pa~|wW)MR*ulH!23~($Pq_%+gaQC*0;~pYOU^o*BZf2S^4CPyV<=&iJ(*|4G<<8h*|(rENCWLnX)nm%SYk z<%bP&sXU6$6Lz@t0Ln+i11N&#fJSo;-J$+fy$Vt~46MT|WEg-jVk+!4jNXpAemE5L3J-%mkzuggkjZoQq^qKQ z;ayx(VIU%SDDkf18Z_%Yk);Y1R3d5;^}?2wNt>~z{D5!r;H!f3g$srg!_8DR({1Mr zXh^4lbPB7(?M=491_VBSs`~w=ibytcag*`BfOO;iri+oUXks=b&0EZ7E&^NOmhnD& z6Hi=*+aEVx65iG=AIBq?;r@dU7VoeYx?{XFe5Z78BOV2kLs)Ran$h%>Au7F;){_0L zX}SO!)o&8&d^|bG92q8$_?LW8p9BIp__)tzbG_!W*$@)s>n;q*a4BeZ@zjaGJn!-c zoX*f#>n;G zs$)-spz5eQfr;%E)YR9`yXBViHcidtrf#AX`VaK~eRZkOp&ztjl-Hv$rgK;)#Vg`G^N9=rDqatUz*Qn2|s#h#rA-CCf7yo4_|k zlS~;P2rU;(Q$Q_|rEC|_lQ2Ogb2SBjP?~di(nLOIy!N}DSoCGViZy{fO#f~ezqqYic~5t&8gQeY@6&?X4+aZSN-IX?FpY- zwx*M|v^Q*By=$xB^RR9pH*>>6R3aZenhtaKf{l1UAl-CW2sl+>@Nl|HAzjjlW^G8C zcxG?!nGyQ-x($5{RHtv7vcUGd7An+sQH z$U(o+xGOpMW5p#3l9NiqNJJ9yaQJZo*u`AXL^Ojb1DpWIX}C|;32iuswcNosrkXKf zroM6TW9%OG3cDx&Of+!)m!oyjoo5H+O9T6ibpBl@L%rZ*|)ZBxaR8= zbmr^VY}oeJOMm?V< zPdPlTW=LlN^4noS*9sdQ-`I90shuW80#XCT%ofL+g-0pL`2FC8V19&h=I-3#)&qcW2a}_UB}J|1U}AQV9s+_wb^`XBvBQYJ;{e} zW@Q%EA4tzWU~K!%{8!i|*If1KY3Kjjr0?A^t$!2s(=hmDBi;Oq&Y#OW4xj6pjcON6 z|HYo_p6Wj{k9V!d0lyku{K3wJp{kaa1>**2=NdS! zYVhMDeRgbP$I8~8=I++X6;ldD$Q!!o>PJO}qzQ{U8_Hr$mGv{Gt~hVUOtX$L7mH6R z)vKR5qkV3Dr4W-0x}f&%huXWJF8_2ojL!nhG42N@r4SDcS?ob_$Kq#jt5Ax^&dI@V(g! zUNDYNobIhqWR=^tcW!iz8-~QbC&zkdwm7?Y#`DzhfyupB=ii$fKBpp>UqIebaA1%%QuJNcb z*Ld{1AkQIo7~i?HsiA3U=Xf(q!H39Y+ssj5qLCc$&wbB${+VZ3_xD5zKy50dC?R5m z@C3hTq-g15G;kQll~Pc9Qi+j#I0=yj`HmO3%7TvSUJ}@zEDe6?iK2A(34g}V-++|A z!cRv3ROiru_N4r0A#*N~9}H{nG!g`x@@A@hSQ^ZKfjX$Jj32d|f@#!_I!)Rrr{tjZ z2PPZ(y5VXd)SLtpb_|&gIA_?gV=U*6s$h!>QrF71JEDf337mC@}GvhFHx|zPzq=A z7}Qm=TLsfnpkG1nwUec>*&!uN44@gcL;j%%-tohD*@?HDW%5A+nn5X&@^~uv7k?-~ zNb;1s9E#4AFGf8lQ=^a9LaLWHe7 zU}h{_L&Zr^>UOO@kzKuO*J_3%?_0e~?#qk3+)r0yyHG=6PFG+J`K1Qb1Y~CJ%QTy& z)jJD9^p7Aquo?v;L|m?@UtdveJl*(-?i2krnQFEeDJ5HzF%Av(uQ@W+_&1dmUL3>A z=T_GmTU+Kts;X<*KAhR)zVqiATQ$Y2lr)B9ITG*Jgl!G1T>wPH4FLBF=@+&o0y7fn z0Lpkj1dCW&rD|Hr7SyuJuUaWsSc%pa>s9D$@c{k-cd@K4$^E3|6ZoA_b{wEPN>dD2 zHRTLKFMP@hN3^~ruLr4LXdG$>Pz~iQgr{gvcY?wV(wxCQhJHaPtj!d1Jckj$PnG^I z0T|5;IZtu?ho!M}A_t6jJSXS!sEp-KrLCT_LO^3=>2jc=_ISg`>PAN!% zVK5F14Z4y}U}w6(v83C^0uO>SO`lmleb&^~E3Q><`t6yOtHx(8oL3ogMuMAWZoMZ` zcHbAad}rVKiQtVJVD2F7nq=5@$PbrW>lUV*-Pf+D^y^#KHg{Y(m6h`a+gui9+ETVs zUNdL=Ck`$5SUz#pLu#xQn*Jx@YlBT=Jx1nkN*av>XSR=%w!SVoAt-K3De|U)0x8=Xw_& zwg+ArJV5b3m0TgV-{9-yJBP^|{7yE1ot9gWIWECC2eQk|0{*3_Z%sGR19cr15$e4cY@OF>(-tp3car=xOvn~D)cf(UI2)38U96^w9@59ljQ2C%5#t0)c?5$HI3iEk4Kn_dC5Uiqh3lxY1ItDLa%Fuk-$YwtOLs(U2g* z0l=`G0yU0=arf74epXgnKVgQ==FqFQ>nr_^OUIYFZ6CJ<&($p-tFYQ!i$dd4Wz1_I zE^4{)lavoeWM^=!naC>m0GE6t% z1AZQE&8g?J>0Y?fEg$_?o+9`q9DJjog_A;Vl(X#z)r8@Nn>lT?I=fa2X^Vd_;% zxJo0qC8y=IRvV)gn*gi=DN~4`=ZtUs``Ih6doa-~+x;9wJ6C0msR>VI(01LO&#_tT z1~!X#-g%uZSm{Zqa0Z00B8mkZ&4~xETY0u|?0b`|9%Xe~uiqWM>41E@@u#=;c+RP_ zg7bt6k*4S}Hr7-ySywjqC);m-YtNqio*h4)TUM70rZk3|il*tZ%fobQ-8r6J%F5-d zkM3T$V9u+ds6T%jbo{~5a{py0vBi%-#9ZQ6k3H>w# zz2Jh`aZ=`!zJ}yz8MywELvT}TQ zg8I{2uIX2+YJHi2JJy(+Xib4S{oEai^LoE=?beVnKnR!l66+^VEDNU^(=E$)&z|t~ zhJ#O1)hV89SvdIzQ`W7CT>Y`e@JzKimZ?qn@;Oa+TfBVUrz2IKdGlk+3Li( z^W%wyGlHS@3vYk)jK;bJ8J^25D7$4rru>>+4awf$YTSj3t zi~?=I7!Dc}U@hIH3Yw=%B^N&)CP7y!Lw>A84AD>t>_b+g_#ZC{Pf0FGid;Q7Jfg$H z)fjUJGQQd>b=`{GEkA|P)A-7yGZyot>l5S3Q%ZZNK3NvQc(UH+MY)3;o}N%!yL)*{ zx~9%v=ASTSeZqK0j9DzSHTV1_TlRgPb;>F0L`6(S%8+VTGw;;$SzuX#57B#b-X3 zLjYypX<{qOpIdU>ye3b}!Wq#}C^}GPcbxWT5M*d|!{<)_pz_RaDp_dEo#by`- z$yg_4iN^{-ygV|~m|*il!9;a3uaXPYE9`NK0AXs!cn;oIZbXqH!iXYD6|yA#U@@Q| zuVz!^K7W3IOdhj>Dd{JbS*%xy1tU(=Tpc#xlv&fAhe(Dix}7(JX&fL0R?K9CSqx-% zexP8pE?`{-b(JLTN_&g97FbX0*rrB+EGTO9mP~C(h87Qy+tNHLS_$zNZ~x&B@3Yxk z=gpbKrp)E@{;+??ZS(jaWcd%eyK~%D_DU()xs!kO)z+CaTU%z$8vHc7^TCI=t?$n7 zW4ltm+KCVGt4b+N!qJkF!&z^( z-{q3Y;~CO-G1+Jjp-|w_G{rR-ONf)52Bv=47`bTwN##K542uYgy2lagV=fv%6J}ag zoAJ|fnA@lGTTLA#-}f}8kc<|2uL&VC$YxQnXk|>Q5ud!&KpF9zP({*nq>2=6$6P}Y zDP_?Ov4X%Lj)p<&aGzQs4#L#7p%cLK4G6Uk)Fv*4lv9BqyXw$(a$pxQ%S2Bg(KBJT za1B&GRJ*4FMb<*@7Q>Ls`%TETm|!h%a!&Bh8o04}7QyQcS2bDXvn1ekw!mTk7EX0yUS z+`3b7W7qI>;^PNwhwr`AzSODRcoi$pP4)(x-p$P?}hU`nJX*DCC{wS zu3a^$&KjK1Jw5E75(or6nnTw^jW(OJYwipRU=a!p2+MLHzpq&xb_;$Phpt6beLS?c zx+<&ny3G#Zt9_e8Q$mXBf%&|h%Qj1y%;hf<+TfO;_b+SD(8}7*yydKG&RTVawXUoz z60yh5uwJnW7j9nMR;DFDwKmqr>J-`Pa>3WNBOFeRcf#j4b+a4_%O>Lq&J(&)Az$jp zf_Iziy%?9Tcpe>-s)`~Gw6z1az_i7OHKuVe9|g1!aP zOtQ!vk|=l?>qp2w)?aOI;pP#Nc<53Kp|R)Ag{rl;uDBy0bQ$Z16=1dsphoK+u|kJ{ zLnk6u2li9);l?5Wlo0O;ViyWg*j~Xu8>H z^=p>JV*vYrSak!9ebwt-Z-&5R2C{*TR!RaNzYt-)6cf& z_6>gGy6;c=Z3nK+TOTS<%*&m<=)rI8?EJ%Ie@|e^d>dC3D*{XM7slOQQ58KS0uTSB zk69;#%R+4v=l%CzZmR3653d+k8LCd4@pBfq{R!h6C)&qVR$e}@?3{4jqxF~n?8sNA zPno)Cf^Gfs@XD~w>$Qcnx`${?7#&0$189taqtJT{gh{1AJ&70v;1KCU668ribX^t3 zhQ^1I3|>BFcq~f71v?Crh=4t~e$DENmTdK6>$-(G<1c4UsFkbiKE0)*xqL;1OZU~< zQ!%$(>6$cSl1&e?p6~48HLeP)ucNs$;Hqp;$|ueC&(>sCSFxhJxuZq**{kH*31>2I zZs9uX;_7Tm#p*TdgZ2Qtp8T^Xl`9REu0UsVhtFE!s^NRS)5C(g4RyOJWp^xPuk}H0 zV&Z(!Pt!Jj^xkxm1Deu1;s>(kH$~4F+GbR#xW|y+PhZh12n$xgml>x-6ZWhSkhO=I z|3d?oD`661FCVwY?{jU?pULJ}C45vYoSRng|# zEdTpMXLqt>+Axj`NkcDx{$BMx)}xk&bvsSDXX zCw^?2{GjV5eiHOf5*c%Mr_C9HG!Yb#oEt`X4BR zL&i7WD2KIEMD1gVE3UkiI}z3+dRHXL9AAP#>-9e`uMPMjGSk?9J^PJUnMZip8sCiu zg7NY<*sKswl;2wE^Ez+6@(Sa%$0`DW+VY>XTUh0noGe*>7nlv_tKWFmh|^e-fD|X9 z9jXzj2;4%kFGc+n+;Tuzk8letE;pH>i%YOkNu*cBGroKL_-=+D{vIiH_&w3AeDWcs z%r*F~t4vY8XpXe!yWZ99va5Zy_q!gpmYym69W4echN_*t&3^0jdY$?4UVqB4?X3juAaWchB-l(S+N z&&yw}28{P7to-=1A742^=|@MhSYSpLTK}czOilmkc?&GmEYJTbJ@uTWPsh%h;_=M8 zm`z~gc%bFdbC3C4-oB!pwPyNgSWr?nR{2G z{cPy(LpwB!x<~Lga770JPsi~@n}Ir^GleIoBU#6r$99OXiD4i^Jo6Za!6Pvc^faDV zd-qn^9CgoS9MzTe&rYz_JM`+nt+z%S>TMIAt*@+hWS*;Y*sAu9DOF#2>#ddbqs#Ez zn8$dC9<$evRNfFBU3I<9QGNUERd(B`GA2JK;7W(gVZ&H?q%g`O_Y?EKDPaRGRw|Dy z%GgX%>3BKb*(S$*|6R(HOANCuxSwK)y;86q#k7&c7 zYg6PVLK|^h9HG}I8W#pHQ0(`{Vztvd>nb@!({t-wWz6pj1ub*V#fatmn-?Lh;Q~`S zsjOYG{DtS)2EmOyxgcWBNT$VMyBpU+N9Z!X)&S+egnG{$ETiRjqWLfO2rP-{>?@-*y%z`Pi zKCw^jxhNEz)OGNZiw}0r+_}3p+qE>7g*$*`O9#WF z>4ba<_hMAVSkhvl|6+R+!fq1d6nEJswZIjCd?9yAA!LC12)Q3uG^;5T(`}?=GHNDEkw~%X7MZ_ac%){Ey`)Yww7e- z%367<7~1?y6I8484+qr(U}M-!K3dSD)q*l2A}HS8R&d|bHFy~^iqKD2fSgMG3(20? zupRcpcMq}m55R+O72Aj;5{KFQ z<^-JC*)Mn*u9W%?KvF}21xel37RHxKx?t3yrP2Y|`e@{BBbZ&{d{bD>C=5ZM-j+(Y zh+8_ue!&p!5OfQ1`=FTskkF0-BPA+{A5>hZme+<*cY7OzS|LPa6(zKA$^{0RrE93l zHl$Du2|y^cpBB=I?_^3AcyBDc}_p;dmGc$W7WqdK)2JJcftcfl~A^ z&Im>!1TL_72~n^_A!C6Y6q_DPL(zjikPN1lf~}AwhK_`p+E7)yc`pnmHv~UmEe(o8W#$c2Xelv|;b;;BkYBb#;Ye#XFgJgv-3|?EB#)!@-xs6zIo z-jwNR3H1dnLtI7t@iAT?@=Wg5xC*_o$Caw_@-T!DGI!XS2D@gP4S^5coXN7PS@022 z4V$ZMm)#zlW|ei7xdXDL6=$6}qlz4nRbA&yQxPiBujtmWrY6ecnx;D-O0_bFF4wwM zr((7FRhMjaSXJ5Kw%C~0V_{a+Vv(aZe}!Iw2%L7Clf#hOX~P>;)gtRLn^NXg6@|$# ztZtfsmiT;A%*fofs$1tQxmN1j9&eUZW%S78LRhM4Lq8F^o)a)ZDtt)iSwU zmC-ZR#_bl}f*6R5xpnx2xx7jcU#4XkZYw0zsuj{|wOZD>tc18%mVHi}M|N0cFL#H$ zhmYJN`(+>W^j43|ZHisfX{tC2x>bi2!Av<8lPbHdF2%_)cQEc$WZhrEAzO!O!5DOB ze3yBd&B1hwrdj+v!~hl{=5Yd~IELO@CaZRe+)nip;O>=0n3nRJsPMt9i zx?pEfuYx&qVH#O1tuV(KvRsFl&UUM&)@oW5A5C)6Gd$2xuBbsp#@qCuC&aaifX$N7 zbf<p8wz${B-7w04J^;`tTQ$2A`s@my4C52btm?8salpNH-2%;s>_gx+)uQ-4R=mlM zuYg1HZP5|#6{D(Jm|cN}0uBm|Hat$lj z&aE;&Dvmj^H9M=leEK>O*BDAp7ZHHP1HlZZ@M2L3K zsT3kq4Tgoi6EjIG{+ayQlP`2vIHcaAUufIySFJMEV;!1;&&dawLSJ2Q~H45fpPMOMioq3YgZrII=fSmm&Te zG0ov~A_-eh#3e6=iUVD1eru^&y%yh3@{0&@ur4+H^bsXhYEXWO?;{}$hzJfR`6KL2 z_BOsFgQ0*9iN-_B9N8{n#zv0;DKSZFgfLY>#E64HjrcOboE40AVG|%3k^<=&eTSM< z*$iU7UZ};T4mFf+ zXvIbb<2Q3oNTNXAHQ*IVGD2SiA;%hG9mPk0Xue3UU=L+paP(P
6YuX1v{q9=vI}{pN+P4FW!CI?#11< z!e^rg&DeJG*#!$zIlg7-?u#E=qIS=ivSWdEooPVGbLzEA7O}Mrjp1bF?RnQ}J~6E} z3%gUJy6~mx{3DB&T&r%oy)qeYY+xJ3O#(kz@(kUrZGoL;93B^!U=)aD0V`YuE)P@N zB$K(Z2=oEUrEn8eVc}YP(Zog$w@IcqyNPGgcor!NaUlHlA!i|exSFX?M_+~sX_Xwa z`}K}GcX`B7EytrrD(dT^_eS&6qer53>B@Vf(U&Xg$Ci?BJnPURjs68fEJ0j)ox(?lMM;f-SKdOlAkMchv5v|xCO`}jn_2@$R*N-mSzwE3Z zE!%PJ+2@>tnn!18U0|)|fLkjtMuPK)%0L*40*xxvH>8( zX&o=nps<}+Ssd}hp(hEdf9sgF@kDOptPb`!tRK_v0|I{IE#oNv594Scch0#t-gvHD z&h9dCv~k5uV;TE=b&}m>T#*!A8G0Y`d>QymmljE@rH#@KX}7cww@8W$OBuvZCmAEH zZme+-=b%9;Bfi*x-jZc3s8+f}=cY(lhn)tx9njL0a{-UQ zoEZ^IPzlwHKRlI&mXZj3SRb%_k*nt8z|{*Ogy%nMDCjyl&a9du}^> zrCndQbl3i6Gp){@JDt{<%l7YDx=vT?8_(Kv&#q z%0QyllLg6lOSi%%PFQ$HX8EG!*Y@0*Szhh5&YNd-Rxi)o*)!$R^qI?B?_4-xB2&8A zEfziNsZ9j-HtcGdlAuF=O3SW>ggEfN$@WCRGCm@EKo+t8j`3{PSaL1<9YD9EM!ZHM3W+1Wp@aAbEXnZaMI%f-|KX&Ft8~69f zmT60~%cteP5vi$6m9qz7RPC@C7frhol6pSt!UwiJe4%W)>XVQB=8F7dHiu`bji0~p zz{X2@2LCo~d3NbEKC3KM8LKcZ!o4mVdk_-+D^b}x+QSRBIx^PoL}`}!jSL1`I0P*P z2RJ+@_`*#=eGL1!qA0=i<0LQoVI>;oD@;^cPL|*klFJ2b#vg1G+@@A8hvAknO$Y)x z95R`{VqW;RXCFSD!OEg_L9y)dBret zYL3v{adD({zev%6y?Lr6Esmjn(3)Av)Ul=E2?~m)=mq90?9h;lk7`{}3pe)q$&s1K zF{1FN9xc_j9XHjAqc4^gcv(Eg?iQzfAB^J6xs-o5_6i$`PK{|npWL+W)xW_atW)X% z*1lA_4(LFv8XDbvzQ z)TXAVVd**c{z-#y{pKYbyC+SYRM~h*#4<7A_e}R}WDC!4>Ey-%ZG3n4_{#F8+Ox{e zpFHovnM-G}8`VFV7CNiTE2L7_c>=&MzfX<+l+c2 z*V`A z?~!cTNq~F*_y0kBmd<$R^FH(U^phXp7u*|=J(KGjd--Kds@^$qv(aRg&GW6*b&D_B z*3mw3;#-q?nxcPWx9P_C#zv=hb$0FEHs_jgHa*FWYi;>9IZ|HQ*4&wxKC`@XPN4u8 zGS$P->P$q+&sq9-@)DQ1DAu*R#TkT5c~j%k=BCA+?d@&uid_FmO}uXNnue-K#aO4u zS8O-yt(Hw=^JCF6p>SGEKQ3D2@dg7etsV0_^T4NM=)x+pI=P_nBD$;Ask%Yu^Pt)~ zkY=yP=gO+BT4VCNL6ZS^ub~DSG#*sLn~LuD5(aOkbDrEMOsH)T|YLe z7cIe-+5?3P=kCaF%x6MNq6N8tm{nUIX)+{5?o+||B6rI?Y=^MDhlRu1x`*EnWl8^vaXefW?b(*7~oTKXQ7Y+c|;p_ z?a-kzd?*gV4mz{0W*wgXhOC#dS=kvni4F%(-j>F6a6ul3K#x&FsI+lb#Qmm8@FAzp z0v7cVrGSy(414K2EV>a$WhKrNCtx>t-szOJv_J9U%9Z)~_+uA8`)o@K{>0y>ucW?} zJ`jJvpM9&Ip2ef}^sMvw>-lr}E0sb1T+6em<>@Oze)<5zPDvy7@oQ!dYl|3s zvB)~)84A_|n2;2U(2@y{YTAMUQw2XTGHvh?rg)XKS|S}Vt-QpN-?A89; z;*gQQ1pPrhX0ZA&n^{6%@2w0L;w6DT@C2wIj&bys_D3D0gpYz3@MKcKz|%^-o-~ zw6tqxz8=^IT1U<6_uqW~RU2EUS@luG54J7LS>=#kQ8HQ0=WvTo=eD0J zUfA2zz31}wo^OTBA>CN$^;^%n`R%*+fA`}>t&yEe3aTe=ThLjhET6n_DZBVD+y^YX zZa}*j;`=kTbE?U;(v_pDupxX&<+y1Ubys6>Q>6=hhBD9kmdF1*dG`|=dLG|%R_W}S z7LR0k%H<-B!Otqc4s{f;Mz|I5VbUbMLIp?D*U|8f2u7j};8-hJ7` zwYP_4qqWT8bG0o#^449K-uJgfErmN56;w^wI&W%~vU2sUL&3Zx*Ce@Z%Ll1u9;by| z)`k_He2PiH)QQwVWR^j1zitXs=mdb;m;P=ms~4*2>4A=Gm@k38h?%QSReOqnb`hAk@KZMmg2u zWEfLN3)Wt0HkaCLTHtf<-dg|Wo9l)5iYB#pC1;&A@1pJVx?85qIao2*S&|r2R3-iR#<{oF zPfRQxf6ZA_w@+zKw1tD?);3+fXKp;)yryE^y1BK3HwS8$x8;mQV#5maSV6EBHJ;r( zd1G^)xM|aGf4k{zlF_*CMuRMdx$uo8X_==-g-VJ7nu_4OjUk2+h7rXOCPY+@LWGbU ztA6yVM^XC8Z8y#=v5@YyWai!@duNuYJE3I5k%1)9CMkL3L#Uxa%VGf?wk+Ar`mXAV zx|RO-uQ_z_tXUTyQg=!T@;BoFg>S{gK$0GzyhI>kpkXY5>{v-ewZK16jcHTCDS)n| zB;WynO)P+bc6B47$cs8LvI}}C4Q5S>+FEgAs@HB<`WC{VwBVzA0`nn-bP4AoU$!dwyv?1hASSK`J-FGbeMbr*x zLu7|m%lH+2hkjSvGt+mRM~954(F6$fWSH1_eTYvMng#A35UnSOG7VgL5UC3lZ;X6n ziKIgLpo86jj0t7q*oG^{O*y}Yv6}OzjQcK|I<9nOr*h>oC1}n<@8ASRpnIzE5nK7^sT*fn{SFiidYUw)V$vF$hFYuU@Cm|ZKPFMq{tQ-HpYvOf-Vet>Fx^v~q&S~eIGx)pI z3xad~u1PidHK|{*>)5Ab#~uoeZ7ldxy6w|z5IkDJH&EDj5!9Qc$0p4rEi62FB}~>M zO(6s%D0#J-i(XOQyZu4s=jZB}{wkx*uIqerSI-X*&Y5%YhdnDFn|xK4)nngA=DOi_ zmivmB3%K0(Ub*P{1I8TvL4#mi(SzGx!&6fx9?Y_CT)Jj6Kysl(gPrfM@~;WoDxATP z1$if(DF8u0%3&=|Ytj&aBa3 zrj#^!8>4m6P0=VL>tQLwx2!Oo;C*&u4DU914F*z07F+ODQxM;WO;+*<_zb>v>a8f% zX>Q$nQd5e$#EH`df5GPl>4YdlELnfx6qsRjGkfN$uYffO@uTDugGDlyv7~11$aoDh zJKB$8xEz`6@{IhGr*B{;b@%Tz+F*5sZcWQ_ySwYwgKm47u#*3hdXevh^nF)Gm6<1~Q(7ndM|`@ink(0xv%Ft@C3*7R>O;~jUTzD4*9$G-x_L2mk5=ndCO$(~2n z&b_6valYGCV6^r;^3o$8T=loFfOHu6{HxI%c3<#1Y}JD&HR2U=lB`LTdmB?6^u57F zk@qm*xQGel<|;7?+92+9no{ps@+8E-NzW-8B)!w(lz%4q?QAMij6A@ufe(ZDbGLtB zca9+E+Qs5E%w+S6? zr?hI2V;A!v9v4e6fO32=qxMNDnSRM~kfArLY{Kw=)JQ zU_PUtJT_Vjz?h+SGc>DceyLZTgr2CDy5d@ z@^wqDfAT+{yncy@MsQgws`0kajM}Le&n_>Yeeu*avrT2DZ(e`>H?f<&=C-X>GqzXf z)<=WEXlg_YCw%)etfvpoJY<+;!|6Y!98{n}zT=mbD z9o*gq)&O%9-tE<1I|&+S8Qx{8)rL4j6*kRsqSs|Ho0T6UC1rxAr0hm|Nfq$&L@yOv z?p84_SvP8de@5JgB$n91%Ha~i8Bj`Y^MJk%NR`w_AR$~vOCmZ4I1`9NMqEe6N`?u; z?R}Jpkmgvp@btEK8Jfm^{^EX0df81$FIO0aj79#M^T{HAI}@9ytbj#+-@QUNa*=dX zsTEWUnKpY-trg}sxt)IBI}Q03*y+D_2zL4zZ3SefA5}&)oth#Ma5zK0$}m!5e0@n7 z=`(1BJB?X|{gN{FqVc*7xZi9B&~-1BmUX+7kIqm?6p_nOJg!%#Sq#0vkkw0VI~uNH z161lk-lQ+qBvc<{oG zy+^h$wbgdK=w96l?6R)b)$SMD3VM19+7d@LEXgaOSzeO2gb+H0&pLJ$8YdLgmbh$7 zw;$OH+w@P~eHUnJXba+dlIga9jx)o*0f0y6a07(86*gMF-c z24e5rO_#<^LF*9mH~uBsR(h13N8f$-=mGby4{`X8{37suPUSqV;XLfbNm0H4$0^OB zU%LiLb`Zm3WLUyW2i*!4}J4^UzY zxi6K(v>5!1CV^cftX7fzhn|)C_+= zEZ8Xxfg5MwZIB|VpKLj)1Z{_}!d!d+{wM=U8irbo)8gC?<;pxW8)rV@l)xvj-V+)T zv^;J3>>aj%p2X|<+pwXC^K_q`&ffNr=0}=WHGj~20uIUs52SL22;hdgeE5jCy#y^| z*uYVC=vd4;&c1%8FR;n8Z;es}G0Fx4VA+hbxRLu2XLq|gu%(|8u z{`t#~{3$_q6Tk}k|844p@AeHS7M*)cGlg^ z8SXyX^5gR1=|k9As9JvvOh+P(H=)|6TQsXiTByl4RhMDsT)g|zeTd#v9Y&flPBOg- zrkpR&DsRHKDtCt-Rqfa5t`$`Mo$?~=*H-;Ah!oO*1)IL%MR4of&7hywnV~~OjtBZO zHti&lfq?6IS0d1>T53$fc*#R1x+SjiOPKocodb2Ksu3xy2AJGV;JU zO>I8@QYI1{8pEGPmz0v+QlYglT|{NUOT{{v<#draSsm-*bq!>_t%KVTuGYbX0T1O; z#%g>rAU50Lx}bEhx$T#f6}kVzMu7ma2339s0o=#h}TW~=xCwu0G}5Ig{UDu%GjfNp9;V z{tG$jGxUe79odwKxGr@R(*Pz;Hp84j`k*LNMcwgZn((+Z5?-he_CZviQf<(lOm-9| zqV!=e{>QMj8mMMzd1<&@s!C_5NJE}j=^~+U>ckpdE~QT`8+`-cQcH!;k1UyxKv~pM zjebCA8d)#_eD+N7zoZ&)abrlL#q=LCOCmhMturv`bQgu~#%e$$Diw&ydjkj6Mx(Ne zUBwQb_VO`)1HTa)^_E@AF7>%nF7x)Xpj^MmluNZIa{nLXoZ$%`eJB^1Zbw}d=24l{ z&s~Kt@NcmV40HS(fV z^HsG@7n&NAy@7;xC`V(8T(T0l9?5J6oT zxTl%IyrFk~?Lly+-sbO|$t+ThNd1a(@>%fpI*^@vraobsnXDY|q&}g#r)SpJXne8! z49%(1Hy&eU<8f^uA)pbQzk=-{ZOeC)ABsxT5M|8)chak{PUEtC!C3@tg4^~}{h<&k zK?1Q*DAi9!W-V;gLP*5VNH;>aiZjVgFFL2yLPW>f(iK}iQNm4#YRkmhC9#B(?8p7} zAjV}#DVKXeU%gZ|T;ydX7LXSX%%EId3!?0^Dy+9=8pC7>I7qE*Exm0R>W#cE#>t1-EN(UN`YM-B_ilY*=Pcz$ElIIz#}$P?@nd(yDN3s|^=B z9gD)glWqYEwFVp^hH?7VaxGK8s!<-K!iq1CaAxGbF`|a+O?;}y{+Yfm@Fr+xBROL5 z!LM=bD9uTzQ8m;X0=9kB1ifr5bUd)XkWHp`#tIHG^(pE2)B1jKW+)UI@ zXbX)dWM%ez7DB>nZk!Ai0rL?SKJiB7*ObeaXS6*fW3SYkl^pknr+_FxcavVzDdvsq zZqn;ln?OQ6X*XyICSVLM$^Db%yIyZasMUgtia*CIcca2|bSHUvoMhgV-o2#WIl>nLX*yN&Q;w z&0HD1SMT7q39n$CjsyhLHwdkq<4#@8cT$R{B-k*0ux0sy<;xF9pQ^vU2nFnxUSZ#X zWt3fV*@0(}j{&(0l>fuIb3rwvr>>T!u6cwX4`Br=IMx5k4qxCrPsb6V%O=Fmp?=Fs8O2hSgK>y!tl+){e} z!NkhLm(RU#?&XJ9Ci+`rSKRR9Bg%_shH%@J!J18XZ@l5I8xO3%dt*)TO4idg zzoTRR$j!wU+~+ZwJojC&c>nZrtF?Ukex`r*;+b1oA_lE%Oxx-SyI=e0=-kCS*3OnuHNyF`ALE7q})_D3DyGsZ0NwU-l~cawJQcwdS1BU zcZqzTBuk;N1k?zp8gi#X#oC~E&P?qL_@TyLA%v`gJzoIjA4-i&{wL=}f3EyIs`m$S zD)l*6+;>Heer&a0G4gpWKupI!Hht{_A1Q+$J+KygCVlk4`=jtN*vl8*c;kh50bbL! zYE@Uj53jOU`Sj*5n4VJTF?u}x8j$Pd%F$P{=I!b0=H+mQSUTW_Odc0Bb^aT5)BCH( zrfXH16Y%S)u1dpyuWmItmG(@v^!myiR8=tiPwQrag@8~RVC6?OXpnLJ*VnI7G8RZd z#zTa1GN8o%do@vwg6#4CR^d561D%2$ZX>~%^k##5}(nBu2Q{H^D@9;Z^``%PwIet@2zRCJdd4?We$19cg@Oo2Oth@;< zhB9^^1N{MqivPG?glKUD{4=eUYlH>p8c)tV^{=+o(02^Ij*BJxyWKP%sg?Y9+tFs+wm`H@3-S$ z`V98uK`@MBw>>rVJHKuC_7SI<%Zf&Q8$h_!-!=5wE%g2`k~(N)z5tpYl5%0ow(vVX z&Dy52Pt;>2`%?NOy<_T6cK!mp(o41Y)J`$FgGu_M4~ev;?jyWW6ae(xi#&V_(N|3~f+U*MPu;9*9X4b#@aOavjJ4{{GpEUJ`TgWO&-F@zxQ$@{OGJAUL;#(ZU zyD(m1Ky#3H7(ydG-kNIsh(-cF_Wze=5fhKU`0}F2CJ$bNcgtxLIj@YDalLfV6V8eq>EH zNs{>craFW6xI@tWaH;;;687=`tRW#sk(|Qy2SpTLc8U_o>&8?}%c!blLg?gLlF>RD zsT?UQFeaQ<5d=&aLpqSrN+V-HDd)G)MjgZDC$H1Zll~69KoMoz;kitQV%xaR&Fcnm z6CtVtu%QiB(|q8+oTiwK1-#BdruA&;LDyOsthU;9U z@QKgxutV}$WRrT3>N$Po(y}Gy)x&=@M<~51@z$Lq?_swczn?unnGk4*MaPC5 z!6zx(D2iid)6IMKG@2buA7F>>nKIilFzP<#MDCA|QJ)AWzc_hJdxhMO=+R=-p&V^5 zI()K-9J4Nta~mZuPdIrp@K{k7Ic~Y+d?ww+m~#8X{G-jRt;NhfQ*K%)dwmX{GF};v zomXC{+!%6}vwywo&dc?@i`3vwq5VXyv4u?>Y%REtt(wT{ly52KaMb*_znP<9_D{Al z)S&BRKOHkh8P};J4uPFa!PjO#SR*eVt(@LLMGPT=_*V+wV)BKlq@!3idV{GxZ^YD-^xpi{Yz4x)A~VBpfkezXOg14SVj+f%OLb zFz0?zYb{lne7<%9xirCM7cloWb4^mJ4y-zc5M-hJW|NFHD15 ze}lj7zTtbsZY zE~p3>_ZrA+gvdWGV1LLh@?k-YyK z;0EdiQdmq4H^to3k+TVb!q8v=f_v60xE!2*wM-hyp^vgBPil-7vkAU?8tT4YHLp{D zR>ZI@s6au=BOcEu%n_U$1i+B;u`}XfUGq~nf1-Sn1|4EfTvHxS;|j4^9^u-o*QEZT zzM9>9Qe*NDeUKSWYWP?{z$%7BO;%8JKTk2$djVk!vDu!8Q~5Z^R0tyG`ox1zEfkhJ znKKPbqM(DFV5KL`ewoMB6y=b|QnbAoTgc(fIj>wG_msl*Pw1;LPUPH>bl<)f|MtC^`bW3YR;~TZADF{Y)33^yGSAXxX@~jS_p~09S|6 z+xoc7fepiDew^xyNo)H^5}^&1;T&uVPzKTm6DK|5BQC^#P?_RljF*HAYs0V4&t-8s zjk8=9CF^XIh5G5;w2`za4IPWLhzmQWxgH5H{b88^MDsqCV#u z#`Zk*lJH?l5vAH$XU(c@9#d0c^{x*@=dC~Q%Bty$XEcZ(+e_VPm6KMjo+f=omEL|OSk6wZ(Zu!bO&xKnkZ^Jk z@)lehvD!fA93{VXFR5Pm2*5H5a)f~=CRrB{^d8oJW;5jsCSy%0O>Dd!$0CkJ9485O zN2)8Fo;#>18&inAggpiq*06UtUO*2{Fwi)vID8Xy9zbD%#Rth74mhV|LY(E`skq{W zbq>M~A>0rO)m7DbC^8M>M4MbPdrW6}NA$c9^O_1T>8WU)9~l$b zG-v+#`O*A}XxEA(hN!^;#7&_fDjr$U6|KPa^A~h&!d>%Q6CYGEfXMnIW#!&+Rb8cX zm$E13&`%e~Z;8ubHH>xRq8;U(V`eW|I=8f|YMi&cEaDd=V2CnFGwRWFNygQIw2b%~ zrvWFE60Iq5vVUX#X>=6np-w}Z{&g`8(E+ZG*M!o?voaB@)?*P+p~3VBKe;?R-~V?lV`QMk0%qmP(v4TWV$ z>y?|2A84rWK4%lstl+{a_1SYCFt?3!kuHl^-?>KRqSOt?53IdMn7wA*X0-x!LcVfy z^1yLdcMZVh)N9#QwR9*(JQ<)@&>nA~8lF$%p7e7v$*5Y)WbWGlT7xiKK)+&vMWkTb z8Yd-`#IEIk?Q36k)sDS&c5|-TUblD0Rjb-nCl?`sOgGn!pZ1jaa7wfA{{0uv?F{Gu zn;Ynyd-4AJ7pjC1-ywYKD&~8OVtwS)pJXgF%p~J6wUDsE>t6EK~>eJJjG6$1}pNP6HjG%mq!h%$xdXtOa zF#{J@R1zlZNzLZ#)x~bls!;QmDXnhFQEa#P9A??oIAMKb4(t+ER$(=o}XwWUE_Jxm1??Lb>VDu5RTryRly~B*1^WS5xthr2k!gg2Eoxp0pAa)Dudxq zvZ1#++q@%wV=cn2UuHEf*IJU|nh+NMysK8Ye3ZT!w;|-c2KUwCM!JvREc|MeQhD_E z@oBKb1jRyGZ3(S^UA0;qO)}$woH-Q(ItkVcF;gI87g9njhXYYD0`FgIIn_z0^(^t@Qth zHv-yeM288xPSXbo9xvh`DV8;0WD$f<#3k3%MP1=I@-WF!X@h<6no41{_qk^+4|&-J ziLI+nU2IbtS4Zf3_JcW(PW8Y!#cMMEzlAewYOa*y+QTdFS*y*?b}MO^FFOBUnVyOga;t+I93*?=O~yFoF#y?VWEb^B*G^%0fnYnlva$jMFW z$xWZNueRy+Ue;}OO7HWfcd%FK_38z~+1K5B?{#MbY@7e+cG*`i-QyOn;N1GR3wKT? z56HgTAixp-G{0z#7SEf-2W@ZY5*?(AZ-kt=$`fjUfGZ zCbN|a?aRFBcqev_!j=A9<^SNYo$0jZD&a#F%J&>ZG|}_Ie6km))`HaDue4Ng9SW2u zNl}$`fXSFG3(^ug+N*!`IZHMc!%)aK6qk9rV=KtT1=UTMeb=Hq^?}vxu-y8Ni8(DviyOFyYrp>&<=tDY2BXvR z5?l7Vj{jgZv4U*0pclDKsPF?e)xz9((8)~i+-h;SEw{3QzkGkK%#aP2uIgS_?taPQ zG#bR0NBc--#;S>9n`CDO;iMdb0%hBQEFp}}9`OjdRTYGhN#5?Tosv-?b+dDtlORIJk zwqDo(f=oGCQb(|YA?uBJ_2ACv#^~P0ExnCumIECv5cSP|}?-ty*F)AL6;vt;uiEhM@8(vpcS)U|p*w)Ft2XftMvU_HnWXW;% zG#;y}N@1jjDj(Z?-B4qTPSq%Ug)bK=B`K*iH1yzpMmTX1rc@tCSp~9`(2t*0-d2HG zlGr!y?j`OUzUO{Svy%fD>}L5ASl)qb&fQ2*X#%4JS;qnZ`c58~%qyO77WYxml}E2P z_ZsXh(O2wrK&#+rkO3T!1F#sUWWgWb8T1dfrS+XD&6_Tbt zs~gPTaKDlL0djeU6&p&x6eu?KId?QUfMVWCH?7J4L=5JC)dQ|TAFm*I(9 za&wn;XO}d)opQ)G8ml0UZ=Dt>+G);>1ALrHv&e&7330If)Q4(A2;M`^pxF{1HSD`t zKQQ>m9&yyb8oK=y@_?2-)kSCnG7iFL+6AktZA#gd{bG2#NWkMOLdv(cR=e#E*# z4|;)kv+F1O&uI)B?={*09WIt_sJQQ%VzW6Q#6~pNqqrZGpqor7z47rYx-VMO^7tRj zNO8he?y9Zqg%w5U%Pyj-r|0xv0ORC@29j(j3}$NhoIw2J-i9O6b5ZaH1==VYF_h(2 zc#6{@Ed5C~JN3tt8c5{7uNr2QHq z5?@^=M{z1y>~Q+9N=$UIgm34W%f!ANiA0dMJQ!3G1lD} zmdSP6%<7REfV8`~hfJh0{N;3Nk_BAQLIWO4a}=m6J; z%3b4EP~T1z#C9sw%64{6|Jr5993z&BUW+8z+&RGl>)sct*_(EQQS{3}#gDWxFWSH% z_@M((_Kbb;5@%6Ct_NvnEEe;hkD5J{z6L3okdKGSzjIl(T3qACI<4ER&NrCGhwodC zl1Ub6nvjtuxdq4r+XB%Jv)Q)AWZQWaQqRbE0g^;v=<@a$M0<=U%A+#lBQ^P4XTyzu zkYsgQq_*PmS)h<4Z4eZFT9YFVqRBe|+-x~#1=V!Lzkl@f5r_!ukaNf=mvome=wVgV z6w0gYTTbg;P!e3HTu*l%!LYx?W!Z0a{^5b&@6qQNFEKH}AmpYbcFb-%@>T=qB~ zL|K_83T&J=ATzDR2~2H6EGKy`q6d)iWGwX=$C?K;T7@2^YZ%fs0X+!a$*TcxM{<7z zteRGQqjPrWN4sk4?9Irv)sV-}aw`mnYzTw>Qc-G^<+gC#m6dA@}m zfwFio;&Qrum9e%7i_?9!4}I2#HsB2aq$@8ad;s?y2N$e%AhgSAvka1fX83Yi*;Faf z>w~~3?sHo2^S$}qds&gysP{Z$Hz=?40qSGRfjhm*0_q!f$GBfyPemiX#%cXarQ-oe zgC%RN&O?v6A5m_#JDp~>`6Ywp5{ql$T&ER3Y;{>KqkD1KIu9}*>E|UK$_s8iOzLt9 zN2fAEOFU#aQdtgIyS+Y$uP)LJB07u$%G6<|;t25p=hg~KAH<;Or@;hZAin>l@*}<8 z==_Px_$yb`I7as)z2`>`qd~9y^jCb${hk%7dsKx@b6VF~Tnn7m9*awuXt&#)%A(jJ z|6&Kb+hw;pQa^NAdaTX`F3UP#c06Hm5idi+BMu5=6qoB^w%yL)3)u zkkZqM+r%W-K1il8XRytw7nBFt7t~IQ&SkkbW0vlxEB%O{556F-d*Naw!R}P{{`36N z&TF`E6Ux35aq*Z8q(VU1^gzh8!$Uhya~?*9E8>Dl7Z8|;a0}POBXj|Px#|T~Milvo z5hHvbi;F|09j1pOX9dwO(A80&WcFSic{8a)Nrxjrm~(VGaQk*dly^ex&Z{Gn+0j{d z&B2w;VdYna0{G*%?$-H_`gPxV{a)-%4x#ros_R4HYiW1x667Dmej$o&8wt!~rO36=(&v}vX5oHy;< zVbRsh+HuL;Tf0hbbxw7?P_Vfg$?}Yr8Jpisgm0Z&eCzCsdRkx4FPqY`xO%o;-xTYp znov=d@0yZR)KcA9IzcBl7fvi|jukn@L57`76)MyN7>b`;s&ZlD#VHl-j zB+0JtlS#VD($3U`B@O&zZ?Rfa_aT5ZGz1F~f;jkVt5xZ-dPBvH1O23EAe0A87qS;* z-dl`$GZmxK3!8x#VEZFpjnEy60nQfdM#GnnK9`T~Lu*aY~8?k1Ct7A=n9L)*S1^Z6S}|MbfLs+_L8JNf;) z-j{lQQ)!pntk67=p81c%cATyAmupO>UQ);mow_U#fc-LT=% zp$!{^BdHBUUPjitmg*fHt~WWclb$jyHfGhEB5kv4CVpu`A!M6K!wH^l5XaB$hd@MOne@J~kTz}he{YTgG z%~ngoY}(?Q~7SwhjG$#s=VHUVbG# z*W1YpI0_m?>9N6Go_Wki;jlvrnm8P!=+1@+76Nh-s3(StCIpn-$kIYiB$TH`p18QV zwym?HdUEPpXQ=eYfyS<#liDi$&bZAUjm=+U7d&&yHe7z_+}(HQE2Z}`B;$0p&F$O$ zhw&SxZJSZQ@N{)+qSWXb$;1ywm6#>KAqY& zG~b8n-oQPehwJ|3bZ%7jTwm54U!(4?W!LYSFKGxVUHO6Up04(TqpK;`oVGoOf=rBr;tR(Q zFcbo$NG~Bz1f$VlAl3^l4%9OUv=0ShQg4GztZ+DNaYIw$vZ5J|iMKDBxjPbw73KJQ zsyf2XfWe?M<+@#giq6Wg4PK)zCsL2g`F+Yl6YB*+vO>!E^f*9$7YljYW;329|xpY(4Z~IkAk-a z_kT%`<a&mRQ33CieiDt?wN~jpXiuTbXlUw5VtuT6{47FiPWD} zXf56z54A3ywax1GYoo<8WB&Y>;_3pA%iU5IFNwA|!;2Ez1RIddD5 zpvM!esmk*_-rmk3tlPCFyq*0!TTS?vJE{>C@<3rt%?Fc}CG6hGdzI^p%X959R;c{L zFW3s0fAis5Psx}f_R*ciC7ve?c~-BpI2LTav^f}yB* zw`4l64x^)v##4Q?F2V;4LfKF0Sm=c@+#rZm^UT0HZHNyML~#=J36U|(%W6b)I^y=? zHLlFqBSwX&k`Dm=r;bqZ#kkMw^~KrTv(6f9+Niv+el-g%S(1-r$!v+s>7Kh3WUb=SV7$E}o|_k+G!=r1km_ByP4h*e2z|Du1+f`E#9t#`?EY>&G@U1m{_5j75_ct(zUKsfo@$hFx7S zXb^w$#-vGaOinHOa7S~O*5lE3HE;Qtj&*Lg4#$!ehVj2M+q8r0<||)JerOJ!j&(iM zMK77FSQ^@*{u*{rxjrm-OW7Xi?70uov{HB-K0wOWeAIp#7Epm2OFQ*I9m#!Qc9L?LMM6-_~5IBd5eL>>xz!Dh2>nDYC2q;k`h4j$2TQn}&R8lLb0XJ$;z-}7dnRF zXk8b)N`vHOY>+(66W7&2?#I6dkHHL~`(x$1idQaEypXAVH?W0Jcq~fIVG9+f@;$kN z%~gEL{cI8Yi}F3iDYh!FDt}_*mG?F&zr~GMh&Oe!T=-rJ%6rnUl|L!3F{|;M8&)FtB&u3$(+9(5rL zeQ&B&e2fj;7-1KRy@S7oB`-C8uJAxSwczK%IWtp7+2icmi!c9O?WyJI)iX9N)3`t&5qhuVZ}bfXQ_d6Wmn(Hj-SQs6$OcCFe~E{c zSNerVQ!{%RQc0Z}$2?oURDJ>a2#Qo}*Q~>LywK8gdB6{ zI-KTa$Hr}Cxff1an$+uW5iSZw4Eo9{ov|>G8!_nea`pPipfj+hz0*CmQgrCug>{kc zXYGa?Z`2kxicj6E`15OX9eZQJE#|y2!CFK03%ehj8Ys`tx0x!O(M1(A+-)S}r)_$A zPSKkn>#rwD3i~Jc)cOV<8qUMsU1&kHuRxhP>%r-|YLO!ugvtih7XGJ(g;QfZh9nGX zTjz_oE|Co2JcZ%vnp;%LO5^jV=@%c^APNoTldpTi-5xKy?f$Y@yT?*dnE(76;iBqB zlWeAA}+2W*vheDP>uzU>Nwqjbx!6`)(hN^2y&w@AzMTBl|GqfC68WyRSv zTDY~e!s}k|MAnyy=b4waS1ooI%wHiR zR;+SO*dYA0&f5?kA2b)*++*`QuK9V9TdiA478xtCrU2s8@5c*YM(b=09mCHJ1@nGsier+8RNM_s5)r_@qsMz3X54#jO zO6V}k!D!L9+F&Rix#CG%+RB=XYIBT?!P#8TH8_uXh1Ae{ zJa!9PPH$(cERxGL5TZ9p{V_Yk%ax=ZuS6duGy}ktm-#!nb_N?L@j$xCl*xf8bQ&tb zs6q+-(4O=Ue`BSU*MPrMqZ!clrQb=qGO|VuX@Q^v0biu;qautdm9QU80m#PeDxiVz zPINK+wYQ=@V?2T|Ehdq46DbrCQlWCO#3yq}3co{E2Q!QV{0}+^!sc^(<*o7gmnN&0 zE}YOhXHLy6H{Gyx%Y#$b_Y{_|Tsvjg^4i+jkqHNtck}Yc*Vjke#p%-?W=K}ZChXbs zY$y~i#EJZm_YNP*&o3;TP?Tt|S-$n+=cS8Ur%xYW?=)#|+O%dj}Y2cf50B^IwAE*J?a7%H$n!K~LZYjM7mNR)%s_Yy>`N5E)J4qi2F%m5mt0SXM zor8iF$!i_X0rdssLj)>@K}s`2eHL0O_PdbJ7xJ>>A+I;&8yqNUXePj6Y+ zagV{+%!dJw&b6`L}!0ew}}ejR(4avb31oF*RbEB)0z*IlpHW?b(YjknWsvdo3V~E zB_*HGGT6F+6Ap(^H!EUQYzq4X0~(Bn7Q><1r;X`QDHbETqXP#FrGwZ49PHY78<5*U zyCFn_R@09-Qdhbd$T*$Q!iitJa15%$0*IWB5o8mJD``SvG&-#UCyDqBU1_L?Ng9u-|Fl@2J@r^%K(Fvh zd`&GVw~N-(5>(R$KAy_s@%pNDT8NZXBLEGcO7(H%#-u9afA@HX6X*e~5JT`uFR{>Y zn9CQaFjQ(<;fXf`k>quU4IS^NCcv$TGUNrs+ww)2H}FO(BWbhftyB|~y$$E6bpy_+ zX!Udx|32=;qRHQk*P?}}QPVF@w{yNM+-x!+(XYHrvKbKai%;b4nbs!f?=Q5d^K)q_c>*v+KQ{60gYe^DIu^Y-DlP>OCO|iN<89s6sB5-1iym zVnM#X#99%TELtYIjTIMMR^~IA1$IuHmQqk!)UO2X++$4eUIrDYM5*l-#XEjSgZC89k-G-uZlYm!MxT;}^4XlRA7!1}I zI)hGwRq)1~cDKvecvf+9YiHe9Q#=$7i&kc}1?)j-4RbLqs={od$)Z)}GCg3g^hSZ% zjmQXw?iQ3=oqk(R(4J>3)RoF(&vU!S-?gJykjgKrh_@8Lzo2byev#KRp-?X(!((+V z6DQ`l5Obc8^NT$OQNPz_5GCC>sHw&k*vbk7(PUtGE^j_7DUxhfvyWK=vfgKdQ;CC_ z4Gx1o1Lsn5+Ry!f?_|MvDg$BRfn@5?$*VcEqudChi{8_t8JuEL+au=n9WyJQ>hX-0cA?0Vv5w^Ii`i6tMV^PVu?t+UC z_Jvr5_|6+YT{LF%je~#3f-cN{`tupH_ivwc(Ucb3d*WecaJNt2GbzUfQ)gIyT1EoU{ZaHM=AW^5oXRwjO)y;E7AHeyucdjWZ{ME*T3>ghR@-?jcpVW z4%#ik>kNU!upGeGg5pOZSRdDV7aoP@*b`%$t1uDmFd9b@9xw$X!Fvvp}p)LP`Vx{KpAq4M%jOZl?>(aAdx9euaUzWIktzOHj-&p!1;8K4uifv71v zxkq{zEKdX;X&q<iHx{LsP1vHhsl2%Uo}rJUj=3MGkJPp&f=ZD$f-9aT6N&ma|WE9lS}3`i%E zWc!h^?UOXb>krbFT`MH%gxg3(>+nr6DiiV5P;|-tzzYOA47cpS1<2!~fyF(}ha?OP zCRZK2gor~V;Q(44@bQ^A8UT9~*W~@F{NDyd5KXM;t(XY=i{anpf6A*VZUm5O=Q@^L z*9nX#rF;K>?BD+%489hnY{3C#jm-%F>`yBuPOJbxXuxS>w;fO(C~Yjx^Rwi}jY`rl zcGCm<)v^MgqaRsv$m2H6=t9H98Q#%*m|9_C%aji}M!Fgk6PHcoe>es}CqOTieqI_e zL8(lDuirhmg_q%m{?>(KDqv)h7LOt@AF{W-)4B@+;8u!@a|>CZpnID4+SAa8 zIAn{r5x{RF^mvV$_zVOAd10dzbdcbSG(o&&&|Bglk$({OX25Tg|;TTMr2LPDIhXlMtOEup548^h_lH& zdpLXsaRSVokLw$sP=5Yc&(BUGL~Gw6ESRz7%4PkxQ>xbO&oSpW%N)+|!lj2#+<5+Z zV+yRgzo0htPxRf>qI~aH`v4%g`!Md!?(N@XzL)lBg)w6aX1%)o#uJBYoCVfm z%xP6etlEi7sWZ=W=&_a)%K)2*AEzC$IqMksX+b5TtF^8 zCeAnp+)~%E{(v$$mHYuS{y;!#;|F%V4*!0a>p9szCWJiKgUMh#Zn3@!$JaXdpSJZP zG?B&B2i4aozY#Q-{on_f;3rR>9Ms(?b!slh2_y$qj`P(N2;c?;2zs(MhSd=oOv&el zBLy;^Lg_TF<%rZL)90}qXzEKUKL|+0(0)N8o&hHvG!7m#9E*o@Jk~6Y>%8{*S`*Vzu zO+DXe(Tb9-ggMP#S+?ulwKjWReQ9y7MbJ78Mp>}xv^gynr^8eCA9L&6LGbtB>9r24 z-dR}E7Hz3SJPw2jw~>Y7)mriM#QUMT)dgdUJ*_Cj{=LCh6WaZLWAU}UO#2PHSJt|~Z%U%cQ@t@auVrynuFUjBO+B5(6D{UKgWz?U z0s=G3j)HJg?UIIr&|kU0wqnGf}-tM60fc zLFj^rFb=Z64&rfe53-SSQXKQZvz^!aF)mG?3lAdk0gb8I!C@W|MBua zZr(Vjvhwu}n^!{U)4{)6&ctD%>%!+&5=7MphH$4W|hU-{=-`>syj&z4M^P%de$ zHm&yRUsjZt3$oQ{9=EJx$NU_ZzSM_;xfhT3mq>EJ-@+Cws)-w_>jV1SqPDgN7v+vM z7v%2#$6(=Pn>7$FoD>S)W(mpwGAppkrsZq9iwd7!arUxc-s3IZH%_+tK02)KuI;#P ze@|Qct|vEbXHxS1%cmu-x0*2wgyz=q+bvcA&^epd3oDlIZp7D7hVk7NeBD1rw#@EM zZ4U;V)xo)sbxf*rY6}`GwE=)z4D%P;pdoR=|5rod{c#BKVBH-E{-*@TMaXsxV(CB> zq;&2B&prFV!Dk91&nUO0UV0qv-%{PTb1CTa?Yw>G5-(P zq+g~=ln;KjiX9zff6o71Tl*U?XtfuqamLgf}h8+_! zlC`pa@rp}3gm~+$1@mV#I~=}ht$%vgt{vC1?|1EJ4T;wL9Ha3)JoTb+7K z*|fd$D&3J;Gs^b&GEop6d5zPyPtJ9?#x#!~UuCmj)Twn(nzm)@H#%}UyUtoXZ*o2S z2bKnOzVUTU1%hwZC39QzotQu34Oi-X%@r}B3OYd#e2f1Idnb8lyLsFa=dz#`Bt{l0 zIS2hk;U1$@ z=9>2Q`MY*y@tQf{maua2xEoOXk&0MI2F!bgpeZStP70bySg9rjz5mMssDx`zlNhVx}YahO#7#<^d#4EZ}yi;amYUh-ua{OPE5mK`&9DipuUmut@kU+&S= zg9`XKO9n2@*?@Hbs6Y@)S=7g=k%*B_-Vul&gsK{r23OdF$OMEGh$q)JDX;zDcIE%l z_TGU}Rq6ZqoO|!|$@H3OnM_SDlgXrKQbEgJ$m(ai8JT)aaqXnp^?q^(KSxXc5Yl}_x?VZ*!3{)y@L`f!wYB)e z?H~l&@_y>lIC2ra@3FE#9n%ZFN#{UX~*}%i@$PSy=w^ z?4=FGw}rF@m8q^kr^INX^Z87fm06?Gx2~Ff`T3qYcI)W88Y64SjE*jl=C%|~7;Z|- zwT`Tr1v{NTCW9ok$03#Z7#I?r`iy8w?#|ueX{jocskLVZ2s{FPh%&xwRlg?=V>BER z)E7Z@X(PiWRXRakq53lr>4Vpk$ZaRo0~*;O6`KZDbj37fFSKtn7k`pJ{`(%a{x7UV zAy2V1tU zQeJuoq+8e^-4~7C{zZM^O#dsIJLwaO%iK!BXK z#o{+Dyo<_GO1PtXbOUTkLb?@5$%i4rJyd zmo~6M6Yw2Dn~}M z56(H5YOZLHX5Sb|?f?+0ST>qgj@)80SB$R6zH!cBYhNEJp2NSy{4}z1il_VzQ)>B` z;+)&&9=2NO%B>N3TP02!A*IE#k@WPDLsm=0=;EB7IX$#WH2dbLWJGz+P)#xaT#1Z7 zJ%^N2>ViRYF~!hBW2bL{P8(>n0_+OB(sY=ScuNtwhd~Gb`cX3j1|k?rX?u_qR*9qj zDl!<1!h-T4{rSk$+S;kPzt2-;DoR3ZEL0NB=<5xYRQmHC4zdol!(cTTO;!WeSfcb+ zpO0BNbCMkO8qFJhLx!ZSNs|R+d<%>o%#4h(l8}FdEp2HkV}Qk6Ar>p}V_@#LjG)hj zkJ=v_Ax3L%6paKQ;}Wn4V8RYC0%IjBIFSOHqc!C4^~NwV7hd{vm{2? zAC*`MzAYm)z}6{BgV9n8ze*a6nOc3ZD9u-l?Eta}NU&|*R7Vy)_aCuLtdZHd7XGu` zOoQ5Bcy-t&l}>`}8f~lZDU!P$zSq`Ik zu)@)q0?&LID`q@SqJWo5r8lUFjDL)mu|NSNOM9M}+dVR>vKs6fm&zxecOtPyBF;|Z z+V6k%P5#hK=JvbhWimzQUARTKnNyEm_A#lv;2!Y)sqHQ<#HQ#edjrvl13ubad{L8x zGZ{IHju`y#$wfE|SH*wz5r5^|eDM`4it>yXt0QdWEJ9jT;Xqc3=79 z;naHrC$Bp2iA&rDR^hcvI~tt#de-;1VUdsvN(B#mK4k_ldHb6%*c6bX8lLU5{{?AH z7|Mj?!h$%<_OiY44997OBO^{kM1)21U%4aW6n2zLu<{dDBqBZzu?GwtKZ_FRJm>x= z=|X$42mAYNr560Xph0*b!@uZSAL`nhL` z^O+t_#U++!l}M_~${2-Q)2opyn6k1O;bSgj$I|YVu%U$k4#+>t@SxWk_B~ z_#Qm}0^k{tv6W(Dh#>%HhXG8Z)HeckO%Jz7l&%)2F&45DQmV2tVksg1=LfpV3bX2~ zcRrozzov6_UU8(P%n|brSL|l$5|v6N^Xw4vJPGa4Xcm2eJFEQk+E>S_)xl|Hm*{?? z za(t10q%E?T+LkeP@6JiC8{J(p)eO%@n-@KLR(%hz8^PZQRs$1TA-j?sn zv*fDs;RN-Sbd{G(EYHxT7ENLglyBeA9`uyY$elH-y~txPVVcHOU)kBTtg$?n?i*6q z79T#LeeJT2?((LQSLC+qGiowIIo#8G+OIFJjiE^cJuvELk?dZ)4+|_BS;%ct4^+i? z(Js6hWWs@;rGLu7*bA5w%4;l4SA~AOLA);u7$<^sWRgm>7Bd=R6u>dT zhgHl9*vJ0Z5df{|+=cfDW-sCW(FIO!@d;GlVnH+(&K~r$9QE9o#UHDRem|pclFF*n zXv!{q?6Pu=MrTcYF{ZL&{J6EuyUE`(hk^yQlZqpfKb?y6$M^^MW1CN%+6-7k8)=M_ zg_CLvv#uJNZPlL+4@DJrlRPPqg0$$_8&pBJ7r;TwVHNFoJAV)Bz>I>JZeU}eT!q%|%7cOouZw)9K30bWj%3K2Uld-^PCG&29=; z1oofoc#Sj`6gD*#`YJU4kn7mVCvWtXhMR&O=^oL~`}c`{-ovk=XDK3=OVws66}O~P zX_yo>7Z;;&f^cS+Gn33ZzP)eD_T$I5vm3V`?|VyK9Sjf6pC=>og2INz=}j4)Vn(ju z|HLiG8XERjYHZG_cTAab$5i`v;Y@?%5f{dR3cN*dBLGE|L=Fj1A&fmjo_oAJClN>b z!9$fq3NC#!z`TRK8&f-%_bhh=?E9Csk6dOq8tmlqee|cZV)-r0$jA$P9LzC$)riH5 zM(`gS?RMkpwe3rnv=Im<4ny&WYd0G04#T=s$GSEIYTb9CfUS}I0?&_#6?AdKlQE>JP5qVK_n&X6XoB!2fm-?QW@(sbsb2m7`@ zixReEC50>{4*u?^GY=63e;Qz;EN1>a-+XuPWo0+>KRk5i)B{9SS;l{pSzeymKmQ0i zB;|ks?ip+V^ey7&S7O9^6EQxmYb(=BPIhgL4Tcr=kdsXB)-FCR5!=c+&r{tnMu|kJ zG7UVINaq|z5I#J3Du)6zi@!<|$Yji6aE!nQZL@eAXKxh0ZicVtHR@B3Gn zjSp-v8Z6PV>raGhH{9{yhUU7*Pedy>u$IAZkg1P%B92-|M#d-5-$VgXJ;e?$n=DCe z%XrPe%)zFw?=h^BpU!{33Q@+-a_Os>1Gb2ci(V4FCVEfw579qGpNhT^Q8Zbxi=}G6 znvsI~g`#_1QaBW_8K93!MTsg#FcQECPw`N6a->ru#0yN}!cZ=Z;8a^-Bto~s6pO=x z7*c{5+g)NyR1NZwTq#_KnV5560*$(uYGQ)Pv`SVDnl&;#Rhc@#a-x4+UhW3fYG;$3d7Ri`GO$do379eJ81npEkna-B`5d4!PL z%z0PmMe`K(S>pDp>}aOZq_CXitGJ zoi$pudPDZm)HE%NfEIVmVGD&ArRHt1Nv4rN8DdzDWVt-4x%LjZJjX#u3z`*aqQB4w5vfl5lO z?@&n!5M@KpoU|9{F~0l<@<}oBH2_2afJ{;@K|2v3{b(cbT2UZgvX{Y56|Djl2h|qg zD*=84@*EBU@|w0IiZG;do`6)O&aSAjU%LW*xi~5`*=WD6$z3HjxRy3=j)`STjg-jJ z=S?ll7@H+kWgCo^NS@VMkgAsJEUX5cz*@CIY4<8+3bDdMIu({2mnXi(XCFFZ+~Vl6 z!wl2ntZOLUw{mS->hPLIqc<2qfBaKQaA;$T8u`m(MdQJ$usBV zI66j=P+3`skQ-(!E;8zBTH(H{918I?JvU?ZYlr!N{(kKH%rhJbUpJ;getY30UyFq)l=doWc%XsXF-Sjw(8~ibR#>E<_B9t)v#bTu z1F*PmR+`7aQPnTjnJvXM7ZQ#LQWr-Qb-^~rM%~oQg@6hw55kfW1k@A^bZoGisUj9( z;NWt5_Pc8C8?9YDboA=+L(I7~s{Km8-#^>$+JEy?ssk$j>}J37K+pc0_q*z|?G2r) zN4G3fjk<@OwR&{(QuUZ8>XrM2I<5mf`0I@2nObHrGh0$~>r~j$jPs!Q<^#^U$Hpj^ z4IjOlyxw!b70Wd>bgmiQv{*al{u4KdW4WD|rsC14WG;H|lXgimpq2nLS zR5;j6YenH^M7=^W;u-xqF|n{g47(O0*5MNdQHvT9`vrdCScpKha{;bRRi0oGCN_GV zs7_p%jZS3JF}r{$H)dx^>$$qRkyg&lN?J^t)w+5{Hd7Xa8xv{jEmpmPBND%|EN?oa zs8z~s9LKOW2Wu;esWyNj>~&VE3bO@l^GKqZduQgu)Bid% z=LDb2RPv{9Dh_SgUFI1z;_GUeLdH2f+|c_PCtp2U=nVZGr zGB6sHgZASk77=?!r#QmQ8a`PAo_}tf^%1-4aydz7lroBkRDcJJ(@AuUgw<-jj2F;E zfFVsxVX3%qq(f4~09}1jlVZ`RSc@hV-H?N`a`!(n6W9HVlYN>fb~D$w6aR8AtYOO^ zBkND=QhI7TY^ve8QaOeWJ>xHM`lLD-CE{oP_=DtIBrf2J!7WNB)c6Yv=b89PLTojh z%xDK1A%3w@G!`vkmFQB@e$gGGM@7A84@nU|Y43%?gp5e%So_8dwkW2;vKWVLgRP zLLq_hWC-6GjKlw@ZT2GV<6`aS!u_;8Q4}AXCjyG^!u|i(?f+~0yx950F=|{pBce;v zo1{8A$8_}H*5bdl;<p-^-T}}f z+~nslT)ut-2zQu&uOIQqzvn1vb9_V=f8=N@;d_#x$M^X6`d$>^j&VLNz#U775BnV- zeT3Q{C((`&It5)X4m+y`R}Uk;bR>GA5aCN@96={RKm|mcevt>k*@Yay#%jo(kV~Sw&sJ2R<u>Es;7ha^-!CTH@}(fjV+H=6zGn&(P%Q!KmiJ=H6OkZrAi6`PQ=J7;BqCtGx=T5{NwT?v0 z?E{9S*PLx;dIPy#q>EYq=@OpjnS{t&p+h7cg8Fn7URD&URU&& zfjBf8JC0pq$UwLcF_nerZ*X9n-j^8k&j5|~uk_y_prg=hahJlxiv?J9(Qaa74?mxu zFMey#Ms{-j7~jY@icbYRe9RWJ@i8&Oi2GMTM(HIF;eW3M(SW_)Eb@>qv%8m+9bSCj zefK4H4y>)djVKN;e)7pD6P0|ouS$DTtv(5EGKT(Yt9+y<5Ys+RuEw%gq3G4d0{r5~ zwXvkVke7+X44zvKJVXGI2sQYkKpU`>!8O1_x(hR&bm-#1Cs5^D>M@%AoKlH|_ zZ6TLIUNT6j#{M5MMhg$hX@A573EzTOP1r&UB5PT^l))aw6Z}rHaYfHn^McKzS|7M| z)s$mTu4feWP2>i$cXRykO_#h{b%kOsa_QmUr-#VGwI#Jg(Te92^eln9QVP#R5Hi47^oqb5 zKxKI<|HHsSwO7Hco_vPls8Qsl5r64W6?9^lQ!D~uuSk-6)k{}h^-^Nz?%8(x?A98$ z`#_7S-I%traW?zLk&T;<9NDz-$Ugr2daGb?3QG@_qVjh+%k`>VkrCJ#v?fXp@%j-$^XDVz4@U7%O{fiZp>%M{wLt@`yRJG zNN<$kdFtR(pr~NswHGEG2sG{xsswHtw>)43tE37GRXY6i8`AG2WwDgfen*k)&=dt& z9pD%5F6~*eq=(loZ!ei-E6S}{ZL@|e+s(#ywl8TGyVrQ_}s;FG)zqkGo#nxpVrAooq(WlBFZsmhdm$zN{?YXv8@xR$Dz{WN~M_--$Q(@J|u{D)JU!C4A5HojYILwNnIE^`FN`zLOx&7A&$k(2<8xrYyMc;TOW! zg7RdxLtAD+W1CA8Mn;3c;z5vucE%d$8vtdBKWKoy>k`wCEu#qt{kX$#=8dQ%KG$^NzSu5BwGpu}T>vi}XlSO3ieOj}beW;qh z@(C50?sjmD(VT57=AY;H`iFas>1MM+&o+_y&wkOt?=X%Te|=XSf)!c2MpKz=BQcCm zag5N^rd!wFMqsE$8l+sBxKJV;;Gm$mm9v4o9+(m-jE|Zi1h5O7(#z!fPU1k}sg|31JiRKpOOulfv_fAXibIZ+rj&x`FA?gB}^BpW^J2 z&f;(sfnP1T6rThfrjRInHon*9QxLu|HDDmSKNgnH(`B5}-^UGs)aS`=EI%f@ftuIt z4A{J0TVSUS$a-?^*+m@O`ZyrKFAx@k#u^hmnDqjtsGs#KIm**95u<%^6s0saYM?Yt zC^eweC)g4P$^png^(r#R!^6#TJRP** zSl+a%ZQl8zjr>CoywYQFXSkKl?e`xdIkQX#XV$A1_<%@5nqgVGJj>{m*=H&3pNC94 zGgHDgugtSP#Y=Q~mZ8J)q<)t>Q|7O)RAo%Kz!5~KJSy-?fDK$uX#P1VD}{a?#9Gu4 z^>8BoO)IhR;_O{6{shUh0`YJL>m-MJGx4~apW@=bbdfx!(M1lqh|Yz+r^Ej%ARJ(MsT>% z7l=%c)H0Y3gI{qWEcH|d4n`5hM_?udWSy3W5p;2GM{*qj`rvvCBlU^_(blw{0bAzi zg`)Emu zLatV;Ns8P|GL@wD}s~NNRxZ!b0f0BF*+Ti9+#TR$mAA_Tt-rl+iXe&V=^%c z7dO|90NwM3;NTC?WQYJIAnNF*vCF<>%B1i{SPSM>cSMei8h{VZ|m zBBd*CKm0YLRH)U8#P?q-Qi@J6%~}~EjJ1-)ljPq-AyvwyDP(?pqg=i*E^m1KWx3*| z*X8J#|Nj09rSgmKRpP$yQc}L_OL2ep0}}83@R>x;o0$dtwjZQQ{SRclUO9r#{!XSe zd`I3gDARb!Hzw0J=eaNLm@4dh_m~j zTO5UI_E#+`W(?$Aa&XmaNcP>$-}Krla_}PC$4C#E`r1JK*I3b*QFkYCEq9OVyL-?E z$sDx7Wui_zSr0$dSBbbZIu{s_W7>=O)oG#?qPXZX%n2AZF^LJoX1_RNk?K4&RWzaC zcj~@{b4_TUXuVPs+Beldpg<#%efQ61b7glYDDH*Fvwv) zEc1a#AZSG3C+foT3)?QDiOuMgMdITQn7K{^83&YH9Co*DWVJ%Y|3O8j(Ez}N2!v(f z^0I4Ph^!})n*2+u-@oU&@tPDX5i20ZVxZVB5Sse7Skdvvj5m^)Q*4J=T(@A%q7tPQ4ywWJEcuP7CjT40jlo1IsqywB zVGMZ?H4FlEAq&Tam&)a=R}k#Hc-w3^a?!Uur{VCSxReFEH4(G%Lx&sqw>qamJH)nx zxq9iHi4Wy&u>GYP z$s_Xy^|R#jcl@^Jry&_$cmv9*2N;3ZUb@XDUjkGUyal)p@<7Z8K1Tz4(dS3H8r!g0 zVucuAnL`o|c3und*7rVJ$A8*9i&L>^RGdUPw}tf*4!z=h~?%bQD1{o*e;B>ut z?p&fHsq^L?k{UP`=TRNP`}m6gn2s~lmNU4ImQcy_x3mD^4M3rU&k+3!?ncU73G4x# zQ79_x;?JB$8oMrU$*ddET%F&}UpI9Sqw4yH{3TtimYCGNF4PS z_dr}Z`~C;)Fw$ z^-tQ3W5?=?1K@fqGB5_?Z}|FbuFRY`NmFIsA=rxV&?FkIhsc3LCW%fLF|FgDS!ar9 zHG7O*eO(5|7crLZDK$p)R2IFkpHi#qZ+lA@*o4FbZ%ttP1WnLIXFws#GA}II`Si7@ z<@}FCj%1;~<&lx6Ie9F>8IT$@(MzA7C_0G(ZT}bFKMI?{gx~mNRWynhW37ey%Mlie zFd`4=9fZ70FfRnDHy%+sG)NRWF|A8?1~2-=q+6D%3@cgLBag^ftfb2RuExWv)qlUR zoL`xuVXk1zDb@YIzv+$O%mJL~+i!8^0IooC5DsnNPh41@kl@TLJ+%TWeNSTr`e*Rx zx#D-wZD?c_#3Bg;aRx+B3TQj#R4Ow?Y4AIh;V}%WNjhfZ!Dc@3J2R%#{PC8&wsuF& zoaxKD$J&WKb=;b@Bko$c>y|f;KJ-+X)K*tsqj#4TMq+=urHXm}1=smQFaH?S1tdV0or%ibLFa3Ue!GFu*8!Mni z>0v>)QJw|^Jm}&mvM~Dx49(ElbYedw6ZGd~ra@RTk_K?|UzrK~L;S-}Kh1`*_AUQV zE74-|`f3Lmp16&B^=bZLl9ITM4X5|LYRWeCy_%lRhOvSISa24SSs(f~Z|-}K>^}P8 zC67GvNY{sC7Qc}Hax-CkN6Bvfx~#+p8J5HcDJe|4C4)i!B_|}802qL;NsuoW%k-dBpH?j7&=rH2Cnz-=nU{VULc#R%+wOU$ z{qFW>&V2oh!|_ZfQ%lw-3tl40l(_8lXF5Bd0s8+}A|TY*;h=}oGu*>(OFShMkig%P z2g{zhCwV&b7tAlPCI1LSH;r`@bRzT*y)UYhAg!>ANvonJ{~(QkmJYhsOJwq2-sj&3 zNraG%mw*5LzmUlvcx_?}NFF$ATP_=I%l5YByy-$dUd5g`gh z@-<%PG_?9+eYCIuJ(3f^Bm%7fMkY#50NtO4!cg-s4Up7;KLju$xu ze8T1em&~GP06;+mj6wF-=Mljlij{c8Lz@a`w^nJjL5Ic;ipPwcOm)ia;BcdX0HS+y zk0;1-<`E9Ztn7A!!JTf*^Nb(aXf{<0wQ^~h1sUoTwNw$x8BtK5l@Bf}_5*(5&&T+q z|K85*dxyZD!^pxjR~^`Udt+fx>(*(*TbE9EIc)`=REcDnt|8T)zbMW9=)<{7(mno0 zoo<=B$>}V);aDukZS?50k@c(AFP_y=snex^&$YI&t$F6`Escn`pZ>|7pGbRB1`^tv z3c79xHmfe6xz_;oa~&o=Q@|Gl1P%Y7*n##*8qh{9uo%N~MI%e4Fk=7-WGQCR)KE&H zI~FuU#JNZT@}W(W?!~eYC%|biX!chN7W+h6DRv9kOB@iThX_XnBW4bu=CgrCP`YWL zQL^-VM? z6qeqZJx0ao92G^LqvZOdo{|#B^u-JKf2H61I!OFgW3uloEo3INWsb>go7j3wo&IZu z;%j}~Ev*xUqOO)(>h)hK6kqA@=zc4y2?rruf2iuS`SNys0yN&8@Az!0p3J3oFK~EYA*PED6=OWS#6D zZZ9Zk?Ns<1FK3v`S#sKiAz$v5&tb3RDtv_1LX*?GO9C9a-N>Zq%IPTO->{X=Yrd_5%NV`D!CCJb zx#L(~-%~l`nJJUfJrfc)jDPUCV5p*dTsfHxij}8YioF@@pW^syw{q&`W5<@2kHa_) zIiNqrUr(d6tymi#~B6#IW$=H3S(c$`3)|6N3Yf9Ni>MmjaF!;+e zUZy2@XzGsg{HaSCuSiWC;al0SFZgDRs1)1~f510$3Y<<<@SyfD>J_7=umGUBN%^CY zgJ~W+A?3nx2Kl3kfwNbjgri)Ws7k>W2&`nAmyW0iS4DozA$F4(GoRWNXs8cWHfopj zkpCRyzr86|X95?U&lE15@=&~`CH~Me_$gAP1Tqw{u7iJFc@s(Dj6F-dbtCwlyw&Vs z?8c4X{{G=D6`jMpnQcpQ(b2y1<=js5Y$Iwd$`2CmzJSs7HJJ z51wrfCP^wMMZxGo>0i*iTu5V-B5Tidgle0>u=*8S*!{&=raPBy9e^~P=V){N|Z_8 z&0zO8^XtU~l{pY((KvxzHYknyDDw+t0HlZ(3zb%V0j(g#nwk2-jI7$)tPIu`4%u^Z z?4j`I1<4ZT-l8Ba2^R4`xPy1`AKhy4dQ$VN?CtVI6aT@pr1kj+Na+b?(d8?mf7n+~ zE8I#Pcil`J_i&2#!Z0ZR_{om!9J?bYn|yg;!QI^T{HcS(n^{)D>6lILzD(SA5y!3D zK221w`19C@7x;I6LtNkN-1#kdpm@l1luH|)8t_2D#EK_Ca2#DyKL%6_Ga4Q7b%t)bH*C;S7)_;)NEa37?L^Y%@< zMV%2cu)S1GMQ)FTa7`5~*=grpRY-D2uiAf25SxktW*v0h#Mk`WdZ$`$F!Lcl%X%f? zoOt>D(=$mMJDE>EclE#U$4tW2pL<%J5j3*BrqgP1R^RiNGn@MULGR)0I8-Ez2~-}z zmrLroVJa#1cYX>Lpyu#?^SVIkEPQUt08I;%#uC9>47y?wh%G-lcrX9b0-*XYS7@}- zp>M64{p1xRM_%#d?5Rf^E~lxud7uPCLD!af#Bl9F;&?4_dH~FKQh?^M4*o^Tp?1wS zg-v#aoKZ}kjlk=H_uqK_O%1a40SPZLv+Kya^ACPAOk|zP%~OV zHV47WdC_HC_`amDEr{ha?;+P*;7k;YAc+sI#6S8Ae_<8I^Jm0y(RRp}{fIPSl*9-^ zU3YjzaNfap=R%Mx8dU%}#yRe3EUdit42XnF?$hM}YXP0R`grxWrU4azj|Io$?LpE#PvD~b?Gc7iEMzIEa zF-FPMa!p09&uYy*mYaE3rp=a~Rig3Yz*Oc5Fk=v}eq`8Y!zr`w&9d3NIc3sY^hRyBb6bjQSa;ZtdaS9W^bC(%eKb`K>Y^gNU>T)61s%3R4o5SYX3)6#EiGp(o z`?6DAc1EHw?cjTnFA3~nB(?)9mH<5vI~{O_Sgzc-mGxN&P1 zkwWsJ%_puK>WmSIO&K{8xA}ZF?wK=H^p||4$}3y5V%P1fS7!Kqf?h%8N{V$G$dE!2 z#dSbSAy0}YLJ^09y-);Y23Sz(?=J#GFQ`j1HqjKFq?_+ydMVJapMS5Xujk}Ri71hF z@?0Sc6zV_)CU){^*8<2JA-2a8SuzERL6b+B4g!J0e{8QGTMt_72@VEq-G7O)gs zC?6tX_`oi4PO-zQgNGi(6nJq^xM>hE1QJZ0gSU#4G&2JE4b*Fx+UbZ2SGzC~2~>k{ zgBY11#(dlS+p`r$TZ%GMpT2pNjeRWlyLy8mHh$5Q{2Bi5ls;FWy?x~7m?2`QKci5k zC??3|id03X;ytBR*{M*-?eYooG+caR3=jW^!l zAK>D@qVS$+die}H{v@eWz1Fh+(4qA$uc`PaPmX8Lyu2;Mzda-v96~ZfXbDKiKvf}( zO-atKYRslIvkSF2+=9G)$LZ*h{KCnJl4j^Uf18eIboBaf`~7s62bH`Rt9kMLo=B0H z1KSzIcn)?47l(j`^Da)ele0R7@AuMXg2kX!CibhviDw)Eh6&i2pMQ1te>sZ86Fk3# z-;&^U;kKPefLyL3s-rvG!n$*33E26#JwOwJB+CY6R^!`O3I9feck#Po9u{u80?Ql>qM=mDZa(A~~X007ni zFNEOfzW6h8O@Qleo(n8A zs^qN~Y8)fa(<;~ao9E%s&&bt&JOjsnF6qPdXlAN1#9L9syCCI&azYS;M0o@~-Zi_PquO%H9tKk~!I z&heWzjqlv}x7dg?cXpI#O=z4D9`6{<)Y~Oos#m&5Ty3cjG=_&(Hovgu%&2*_D`pQL z!x5QBO1QBjX0NE3({W~vEi;I0E0gNDPwOU`f|;zNW7VpTQ7c!D>i^|`Vs02aw0>e@ zvL)S&2v&|bB&;oU0?ll|N|aiQ+q!oa|Bs_fylHviC8PmXPr~27v@kEtxAZ8n&)VxR zvNH;nd8BFP%%()M#tsiACz=jf@*v(B_1|jX;XteMq8WL0hA4hKCIk!;aHha5YhdHo zFz#!vNt_u&8s34xJe+?V>^n;raKriGnSZ|X4tIB-k{^!WONb}gen;{@ zi64-tkkKm(GR$z%3_40d;*?78X7RQK4Hy;x7rYM|!U-{s0c>L;qOLF4lIe$F@fD)< zgW*dc?;nb25+cy9TFiPeHbFxlr6+`OL4eqx8tAIUs$lWY-V~0Axr+UyTvK4P+V`;q ztNAZWaZ1lWsXFrxV)@{zeHxwAgyH~ zIU8VZV4WKNg*u?}a@8&uY2HvMclh)7N#5B6lIb*=d{U;yq*5!Ik2DyRaz)^ys3tg$ zNw*cYJY3JTI`sex^2dwcHmXeuVrn%NnzDfQtF=qb%*dHW-8g29*Phj-QF!%`tR?u4_WH7Qv4`=syHJIKL(Eiz~&54~Z{sI|U>yK||u> zKSTIqMZ$4d>-WIeb1)pWsGj00{AHsC#$z9_VG&P5q=Y2!f!gF zRO9uSUxxuxi|;Efk!84*AkLisTAvarD?fBLt6wJ?G9S=7?+nP+|$4nsy! zVJZ@I4gNNvj1`?0(RvcPL@#No&ZE3NL-l6fQeA8)-G+t2yJA-5u$=OGoId=ew#&BG^_@jo5DIor)Y?+XXhWGb=A z7nYd=)uY!AjPHAdXU>J~oW?V_7>QIc0AO@A`@vc)*d)=RFl6R}{R0CmbbeT+0zt~e zKqp7D!Nr1C7KX{BrM6gK3`1OhO{UXeRRpq36Q@lp{4r}B2$|Ws*#-P^o+a?GFBJW<=R~Kx}{U)lGKFUS(atfj2LPj7Y=&s!mhHIQt!>Q zaOpWU{_KL$?8B8CZtAHSd0^%UA4%V~KA7I|v@P?{u6LgKTX&N?bVb?d_l`W$tf}7a z))gkAJ^QyVyZ?!Y4tK8cXB}al*45noINa{v@(Lee?=-5fZDhs?%G_lrjE0hD3?x7G3Jfrb~ZE z#Qxi7-_9Hu(zfm(2)^?J6~QqLW=r#;EjKb(7GxLXf}5H2#%s(!-0yu$thpXG?w^Ea zF2fR;ZFb3#;2^phxQUbz6Zz)x4Xd0y!)#7$WVUGSD<{otviMA{G>`J?bh3K-+EeNH_-W9?ggvY`D)k1Xp!u|bk_@hZ0kSoytq8mnvW;Un#}?JU z(Jkqy9t2qdRm}yQ9`&bL!cs3y83RRFP*`z9G;A?~Eg!XnqNJP$Sq}79Ub3yn>;N}c93{OfOF_hwbY{1m9Pdy5mHOtSdtZCEl#&T>UW#hU2|s7!`E)gF3euK z6pKyQKD_75HA30yoWk6>b8`!GR?{-F?YxFMAg&84tX6Qct^dJBD z;)_IbYl*}+LuF1)OAUe>7HPeV3NBm86(AX^Olrtz0GE8xmdTUm zsj`h5=UAL(v$|L|Iog;Rv;>)=nd&V=JSLsLR2|K7rKgn3DvKJ%FVR~^r1zg6^c(c- ztTn(C&Q{N!tb}1Ln?G%^F`OuiW!X6r#hyOm^`^Tr@~cJLt+_Gr^#+|TGKO1 zvnzbLewo2x&bMS{H-=-x?9V8uuFlO0ghI`;W;SPXKh_+AN9``&$nz3UYM}4Fx%=kM z-A9A!Hm9YkWJ-;kcv_=B$$%7!N`H#BGCzhrsqfj{DMd4u zHh1wy0^#wb^z7UUaUEj5&Fdzgu3?S<+m}AGuOHJgQDYq z@d8`oFk+Ft5sZ5#Z_rD}K7%d{*pX4q!7`6Bg!*_aQ5amJbdD0Xq-S+hVFz}4OlV#7zf_1R!U@sRz_5mS z9%rPhg?_lwTo}o{7-mtIBB2HMnotIh0V@TX*dumD8RKjq1oC zp3L@MlJkv?vghx^`8|N^0$()(V`Qka`*i*8OP{K-FH?ba;#>XzQ&q9q~`kk zGXCE-Q>v~8tXC?Fz9Dv90rZN${&oMJJ^UB7%#SlSZUoI_VR}($%POC@puqd3HMU`c z$L7!S+ajUOD}7}n_Do#6E%g%Hu+7`6rI{KxsDJG~=fo)srY&X1%uif0Vnji-c=*D1 zDm+6%&Pwu)vm!7*kN^5D{HdrQ8u0y-#~w?(Wpo)q!$l@^b`s6_@qHykQ;OpfZ+;vd zF(S&`URjx&o0m6@sK;0klEhS2mX(pU+4y6|pD9zavyYHVY0X3@EueqO%J@sl%g3k8 zoW{w+?W+;3h1K&J(KkppXcnXpK~bck;u0|$SJ)zfAohzgOx;xOg%lx( z{(|d~MwyG#rRi!Z<^v3|R1l#cRHVRy0Tsh5WPqfuP{je73%e%z7xscnDOW8QEuvf|v6Qfg}y;^F1Kq2L1G7_Sf;Q-AM zE|QsQV>vmEmzHHpa@Yr>Hkl%V2)u$RVRdKFyNC-=H$$lwzrP z0;2T14Z?LMNhAuH(h4>=nGdN^LEvT&H)pBTIt|_x%yhPAG}@69LfJpmiM33Mf~*uv zmE_XF!UJqN{qv6kx=10gPGd3eP;S^Aq8pNO12nJ*8jRRW7yWVqWB@8A(B?!F3S zKoAq)CW?9^8eoc(VVn^O1(S&dfdP{Rh&FK+gCKDP=?PFI&{{^%3J}OIOr?wdj1`Cx5nQAu86oo&Ceq=r04 zubjvKdr5U{+tPSNG&IX?FyyJ32M2#P*cQ~lS9}9KTM26pWp&acg_qYu?ax7RAyf*8 zYIIgarf>j00F|Za{s2)gQnM9`30;Sv3+mtMUb0TTRu8%78jNg z#ZM0??6Of!p&*vnG>(Q`gzSYyo9SaSxR82w74nr3{OZT)YiD zN^(3fV}=~?A2R<9@4{^yx@=A9tNa&4`*M26to9P^O6}IBD<6DxSN)Z8$tsDWZ!pva zAoO40VaRI>3WsN*-@N`Z(aP-^O*sp++J>xxM|bakK0mWTDwnfa7emYp#vZAmiNW%R zXP_noJVX@{Q|JqY$l&u)3m3Yh9>b#9LMLo|cwmtP8(|o|RV(t~Kwx|5w2e;*pMzi( zOD1&ih0{drEAu8*ubo;sZ%TL1Xr`!n-Ic>62I=HHhq&m_q?;ey_V?{$FAFeAA{Vd3 ztjnwx+tM6m<7)H4*#F)D5dWhG5nGc1EB3r-m5r09RKRD!7=|&-3luv%c3K*n1cU*_4$#al;-CQ%4X}$e7a?E;QLr8c ziAhp_eA3@$D-?f%D}PSnHh<*hpGC2_pP4WxSvLE_uD<7)SZ|_NB0A3h*!AITRQ!`d zs0+F!(aRB`u244nZ<9{Pgu1=S`;qXtAFaR-EsT(&0oy)7&UZNC%_3j|nFz%}BORh- zM8ljM{^<58Yc@VSk=a<@_jvHq4#M%@|7G1%%gUtnB~_XXwXFsKeu=27p?X|m$GQo} zHpNFVb;W0XXqj(r{4@Vu*DbHC6c+~5{k2`?J{pjD&i9&ynRvbEO3^_&Hh6SY9;BQE z2%!~ZLkd%+8_DwIx&f*Ua8!b{De#B=`UX|IpgB>GTmRpr`Xw|*G`n*S%wKLuMW;kL zZ2^ZXt05!J>1)f)Y4f>EmY~&}<#GhtI)z={bYUaMD^$tJZS%oK5~5Xpd4#anmE{G& z2+eGf{0n!@8BtS7WSGH`?l1&8ng6;Gr|u(%-D)?R?Y2~h(`GYh)n;rv`U|l}V!gsn zM{08C1@%&Gc5^S>O1*q+;QwM)+uAWK;>@iLHgqBqHu*O*HZAIx8kQgREn5~3UVkLNPC zup$8c&bv3TrzP)=P8GC=(QXzLdKL}-qf>=&zfw_9yC!idI?bnicP}%Pu8=p@XmuuX z1cWidGo0jGO**00K&51zAPgD=&xL-?O%Qcc36gRpL)XS|hinemga&6HYV{pGweVTeZBi>fAQqDO(QOGjGQwrwCJJko-Zd?M-HU> z$bp++8=v#i{)vIAsnai6w!8SnDQ%e*X>LnS`J4u=ZsB1doHLd79PzXQSW{~83eMqA zDHki|0CdG5@{i-mAU}J}5TOOHB9(RVq;$eF(@B8_yCL@0lpOP;15<=BL%6_A{R>%G zeBd*$FC^!f0$(xABZjV^!ZRe?ww}>WneGe~+DS+Glm<&_aL9;w$BakjvRv2w3m)$> zDl0OVj$d}*@a)CQb7fw0hA&#uk~#0d?7>Jf^3i>@iWI+tNl`MsJdMWJSgddwm$gZ? z-Q%1xjUyvfT-I=P-rkw3nhF*_Hl56WWXVFibwOLx{VV3&Id7F|a@mB^`k;LW^YLKR znb7V9Uoz#Zb;CO*Ixh>ekJ4^?XzC*PimQkoY!VP{av3dJ30z-4sAAsU$7Sh~hoDY*8$<3@J!-|?^T-*t|>0@?7+$H^wYU;jN)hJKM1 zgk1FMO#j^w?ri7)u=n(e!gYkeHsRXbL+4$Q@cj_n0krKk=iQ7j?o%iUhJPCUX@ysv zde6{3Ah@ITYiZvIh9TYqA7Qp|LLvYf-$2`pATOk02uY(k=0FsN>63~UD51IbIoq=G-i@8VC5XsF>2={?U|`tC%oKx7(RI^*(_)Y}eU_L0#a2x}sbktiq3I7Z?P zX=mKW`Jawo^X2I3JtV$u*52oc?6{ThvlOY7PQp#zvh6q#&WkfmxvzREpOt#}Jp|4! zCDQ1l@csk(Srl;aivf)l=0<@dh5E7Gz;+CyZRdQywSk4!;DNV{g@XpRX$telCI%f3 zEY^r(f|67zz|H8d7m-i!xWbKZwiwL)erPV~d3H95y_UYY7O%KT9B^>~SKyxxV=DtS%leM{Ai&sQR^!#^f6EQh|JQL zN!Qsc$MNsp_aJ}bcNX?-TF|$A90}gH?VI~&lVydzt-7u6@vr}XoqY#jR8{u(-20}b z_d)_8lR^*zB$G@E3rQ$OK@|Dc4vtv#fV-e^NQIJ7}(d@?UI8rgieacuffaO= z29_95Sukd(8x(2!Vk-c!$`w;*j6Dh1x4;=1uDj8wgi0yKQHO|!A~jvSsElz5X~iWb zmEl@4LQBMm&Z%GJ^yAVVZ(vKmQss^`DLW&4K&Eo|q1e7r!Bv6u1si+)>6Zupw*G$1|4Wp&eA(gQ14mzb-NZi8rsU`-eeco3(<`RpsiNCL%ocui z(Zt6rh2|?u!uvegXJCXdR*HEi^07sa?Ad$An(Yy98-^E@mWQSkc9 z*)|f!zU8mlMlM`F^TN@Y%a_m8=gnNspYu{I^ikSuBMJ*g*xC{kzaqD~Ux zf5pvw){Z&t6?1m%m?O2$*}?Ynoc8-L``59deCtK`9fS@Lpn$j32tlsI%kZ_}$MS&s z-3Y#iTe1FIgPYwCffjDl?a(~|j_Vh7ujuyaUc>ny=GPeJh>)pYP$mm*b6YgJhJg^& zO?S!ncJ+$D0w}rYPwgKa43zxnqSSEuHjUA>qpda3T0u^WGKKQCn-^~fR_Zan@ow=w*p)exNVZaK!6vEa&Q)6NJ{=x)&3nfE@xj2n9Q=zE|FNG`F(>~xq=n7w{FHy zKRj*2^~#2jka%cMn$1ZWvGMWomSl4{8?Wyh9}>c94SnMg2D>bJ zmKDVsL(R#S1pF+?#&BgFvm{1DDlh5#wjXBI%EoA^w;oT3;@*kG-elMBH*?l{;6U_+ zYmA1`;~jWz>u`m#vNtPI9@9r5{BEOx%^S%^Z2kD<-Db%KL0QoeyIDk-^45cF=$TK< z%Fkop;^C)18wh!;`&dELoyr#<=d$G&II1E6H3q&!y^@cItgS0C&oAbX_3-@S_H&D$*B^bVVzAPC zaK(s0(shepWp!;Mm%Q@IlB{RgVDbj%lCsD#9qe{ly_`_`G(TS|~hRc*2J6?C+Q0C!9%4Q$l>!|4; zseGhV%&nK+*|+P~^-XN-p@az|46~Y*KFYqS*B)i|!z)Hio87Tbx$*L8Y!M%NVHm6B z@pGov&r`~j4lZIPugQcBmtMbS&Gn`FpKqQu z>%!L35mLuhciwqbyEHI2)9K8RZr9(peq{Tk0&86(Cet*Z-hwgudNG@(+g@06{I`AQ z|LU*KRY7OONduJ=jV5Re?$msg7Joy0n)oPRq{Yi*#z%qs@0ktD&uqPrwe`$GN9e<| z>#iEa2E2T4`#q7j?%cvZPDo2j=*Xl9AW#b5j_>Hpo}jNXNtkB|^ICkjZas5mtN(Re z)tmkBsOP`Er~TfMC6*6Cdvj0+WnxXC2aTsU;z;sNA4ouy%caM`r0LVX9EeO zYS#4j5ndMWV+lSM55q4D5s`?a{WEM{tUwldbgp4s!n3ZRRq(!DAhW9D9S+G5|QrX2Oj*vFCS1YFs{oi^^ zIqCDQ>Gpqj#t=(n#^4N65thLj8G|iDW(>|4OzMUqxITX@>sLQz=XhUFC*Sz29&sZ6 z%;y)Wxn(zHT@nI`+zI&w)ww(MnQb5n_jrx+dmvYO?a}A^E`|!i~B1M{y_6Pm?06NKS!kfclVKmqz zX6HZ&ddNwgDbVI5%_-=Brb|?lI@!R!9SEM-bH;csa0iotBEwpyUvvD_#>wmEdmHM# z^X{Lt?k`6ls(pX5A-%UbGGUmk{CM-y&u(R@N9Mh^an;ggTc*`5y`?IxJ|@0z%wHcG z+Bn>5j!NkDr>ADTs_09lJ%?Uj{ot|U>GPH@nK!-o`3D}{d&O{lpSXm`WZQL4|H);C zS@gBHZ`*$RwKvLDE!k=Du~)@EbTm6RJ0U7Ab<~&(uVnX$(&n@+AbqLW*BOWtZ>n`L z4$(FO7?NnG04zduUxDPHVC5|Y9OA`Vq0?N|WDxHfpb>(k4qNkdIY6{bnm!3Wdfa)U zjf)oA4p9vqUtz1@idoXzLVG*C*M&29Xfs*5pMtc5ojfs{?>?k%pG5bH3e)4#&F++b zQqNc@x{mIQ>{6?uOU{<&oBAY&M&}`Lzm&*=(RvBeeELPi_D#$-^+OT6m0RWipCrni z5fxhPTY|>A2_rT!{}sw6{z87KpxVY5zNaKp0p{ouZ2!64S1WkJsyBhQxC4JLBdx&cnaM zI$#W5?%IR_nhw59IYJcnfBqCFiMzLd_{kR1w6#Dn67d6oAro(PBv>Gd6gwv-33trI zG28!;BumJKh)n>S;?T$~(ocjDU?)QU*Tf2z&4#874;{(|;zD_g z^4`$U;VH@+%7?M=M1cPgi5`!w(=XWn#C)0VzKzn&(djI4ID(0bVkCBkCX4F45mQ)k zAP|DVSi&Ni4jaqNAgSQ4>7qAMG4_H%Xi1R|=rhSxAV6A#f!o@YCh>}yGpQn4W-=Y; zp;IdDrrsudMQ=o#bWL30q ztDc+VIK-}TeQbz?C-N-j6mz@@FTeN7%z!k8Og!cnZiqgrlP6hl?E_B|iL-V(RfemO|2+_EP}Cpsyjjo^SSn*I zh)(R!AfOMe(|xbq+z~!{(TnvDe-|A-e*9%KUD>Ifx=XvZ!^e$FzVX=#LHDm(R+HO@ z>wJ?xN$Y3O_e<`u#8-ObQf2b|vv2XryAS?+!uM2?@+Y;wPOS>uE+7NzC{cgRx*xj=7It$h+(2BjsX^>%pi2m;2Oo#m-1A9P$; zg{-FaO%4y7T$J0n?0dGP&@y=pr4V*zZUWnA2(s0xv6^lDO zs5P8ase4vkGZWfG)ut!G$HNURHy-{`Y5Vc;jU)Z@E=vLbUf-0VGfVs9Et9AF3LC@b_)PKER=GU9Z{Oi^dH(pK z%y2}72t!kolcM!ueKXVIX748AawgnPbS;BYW>GC@!W8U zGLi3!Pf1Ns^472V=;wiBDzdUF#ti%!bGXj)*gJ1AMqxgK(=-;ZGZ8~INwo(bb#TKD z?WAta#SCWHI7JKVW3%YY2uk0geDJ|(+W*6zBDMupw_5o&mQIUQD9R)5MG1b79FmVISd?f#Gr0Z9 z5^)n6{1#ws0Xrb_mc(e^Q`h~N%>Xtgwkf5bNKCom+R5RG%KEm=%JFw+$Mj;e+E%iV z2DVwb5E=Rn=+um-%8C=EoH>P%o^|HJCF^}{I~*z7=!KwCgkfJuVNpnU2f zU9?oTYBwrexAjbGuDQ?fm^fp3$D?!}rk=m)U%OoS z$2Mw#CEY-UaY-_}?Bi`L;qsZgqf_H&Em|}yJ~evx1?@PEz*Srk8W+ngRQgh_sVzgzZZo^v-G#;d~}_za~YcH){Di`+6XNb z8@a4=<6FO9Kp&pY zAc0f6R1)Z*CQZ30y=Nr|6#dVYfJRW%-$S|T)fYopB#?&Dl@YN*eHy6)CEjWaZlnv#VJe^ZN?b`m`?g&JdVv%3sutP{oQ zO(MrL^uNV>%O4OJ!Vrw8iFgJ+8Uk-6tC*}{Cll4Y!y=$qY{40zt@W9 zS7{LD$300AZml0a^7!LN4zry0doZnO_0_LiSML*t(EOL%=FYv1SL~r)vPXDG|6H$} z-4)$~Om&N1BUVQsP&&cqOMpn}j)RMtbMazG-8^5q<@3|qO4a@b1|xmc`0-InJEoO_ z29|C+{rMJLir07kqI_c_+E58OtTVu`^*cC+skNYMIHeRsSM4=KiD?-hB!GmRIHeRF z3cMmTiAgGB**NUNaHE5iWYim~3#-%|(LvLgu}60sSDx5c`QiEF%H~mlqxVcOhphPg z);S+e75LMw<&{5WJhxgnDmwimr|{q2^2rv7MZRtO_*PV;)QSp(1Fl8bKGx3^R8!R1 zvd*fr5a-*T(&yBx#`?{l%)Ry7d!y7oSkXPy*s2g8FiP1J->+BOHu2fsp42DpI4jSd zw_5q7-GpO))kWC{7u4ZDwX=`0sKe>HhW}89z?uI@c!Puq`>j^3Dh2L|X<#u#;R5@* za4s4zhqrXE8dPDr^3$`Q?hV|If`bFL8+Bd(%S}nWSj67bdspvzOY4<7pdjvsoAw0c zb?fB79;sACK4I-i%}{sGDD9~k3$BX#EzOSE!!jOukwx{%SYQ{u@$VWMLMAr`(9&(J zbz5nB7wRb$+ejY6#qsn{#07y#Y!H=fF{-F0TJf2FGpZI}WT?dWD$r09fr*_!u-h10 zH46SE4lf3S7;UKe-Ep=i==~*)x3Q7wJqAvCQ#Lr;Y(59 z7kZA|G+rtH660?v_FysoLJl>DKsg)<#}*aax+XO?u|5tmiv}4$fK~bP$4HxVi_25`O|^S5B#ZdrniWoSu8~foadNl4l=b@tgJf`;_yWRrft= zYVA+-WMaBFSE4;8bsid=-_gKY#<2kFnl8|kQ{)H(qJ}&jT~kaVMKlBG*gzTKwKSpy z)G1xZ+ug@}Mss;_MxE8w3o^ljiHj(pun@K@ef}7#-Osh3hX?`>9%ORuZ zm;07)K5(GJLT-i@Yi8SyOe>%C^_r3r_D;yA)sKJO@dP}kWP(KnTMW3&9{ckq{&!7#A`1>)Kw&J|b4{xOPF~9`QQR+7wKF(iKZ~zEQuCMepc0an8>A z(aZXTW`(6C4zOlJYT>|Xru2ph!$)5?t)h5Fd46idhff_)&h_fkD=m>n6^tL4C_V0c z^{$4(rOKw6FYLJG%8HVldj{4FoH)j62z{{c^e@@8v=I%HR$pBJCA zo2{1`GDeqFg@;CYZvJL_ZSD4N6ln9t|F97xnk5~aH}9bG%>#egp;Rq*&O6Ah*M%5D zEdz6GWrJ3G8m~29KPpj*NQhr;>nb7KZ3_#n=?X(>9hMUm14XyUej&@=Hkcm8x3k zP@j}B9k*jjCbT7Yv%rr3`+q@ds)D2%j2icoYl%KRXyPJRNk=*{GeZDQ*SG6@(a?e@ z2GR`~T{>hILRKN&>!9fzmiv>+gCvS*A26kR7=d-_rge(tejA4hUA+Gn$iY}u2fi-n&* zAD3(gTZ*!&>>7`$D(yl?Z3-42@uxBT1kun!G{i!jGfYQgbf>Nj2k>IEhvVwj+O;PP zQ$BmBqavjrr?Iz!!B>xPFej4l+KPuhgSmy06m(jgc_s?37F^h~n6MKJwso5&$6_m> zy>L9Dm}%6twkl_f*%(Du*5glRV~Ultt*zLV9mVFeQHsv_zEP)Cw6?Uiw@Rcj2yT;f z7mz%D)V83OpqDfrWDBQ*h z_nx_cIo9{$(I~_WTL0qG_LfC27!F4D?;my0@WLXgW$BA;t>TR+c9g_N(GQ!0J<=9^ z`;XEOKKMlGcfF?ihk5y2eH*o+1E+7o$SUZz$?s-MeNvX~r)+g}w@@BYNu3u!hnCVQ zG|5=S)kv`5(8YY11)~?8Oj+V^835PZ#nrF^ldfaoGNbawzmio{o(%BizM-U$RG@%fd{DePr z)MW*QF++8aliaBONDsP8K|6GE(?jp_hgpQv^k7~^Tj<~inailps$dw3Ta*QUA}!Y4?;ur2xOJ}?A2Mp=K@DwkpU>#{N6+t)3N0%Sc75)g1 zw7c?%xCTK*=v#DGl0x1FL3P=KX~0h>>9lgeO!-HAA|8sD?7~fT7x|?0gDMyg!3a2{ z0k=UaZ09d%gARhHvT6DZ0u^6a$}mA?C>iJy6ZvVq1w8~@q1>3%{MKDX9?UWx%2YN{tOp7iBc}s!2P;gHX zszoiQ7A{qkL4!xw3d&pu-l}SRj11(Gv!UxEp&v> zAvb~rOgiedlj0EJT141{Abgh&cQWgtQyOL{N{`$KmK61UnySOC3F*0Ez9tAy?N8<) zeK4KZT@v&oy(@h+PlRg~7zGwGU&AYDsC z)HBLa3b$BF3$#Fi>IlXM_cHh=2kjbMFs|;p9${DoU_?>G^oU0zM@MdtN{kv8wKe*>=oQhQ#|(&hB({HSOPn>H$Ipo0n-HJi zf++bFiS0>wNehx%lg=imBv&V&>UCYO{V4-drlo93Iht}NH9fT~)s^~8>KDBedspXDe#SD)a))KV<&%t}j71q|GG}CN z&s4IOWt{}4)K~o$_1lk&=@WA1=X~A2qJM4w9sN&Vl6XnwC0j4~Xh6k)?YZXMg@fV; z?HY7qaPHt0gHH{~7}7H2lf26OSBR%Bae`@U#G z(Hq56iqDlSDNQeRmF^vC9D2?0>fuk9MVAdNTT*tud_hHYMOnqX5mQFIG_v=|Wg{OQ z`SqxYqm&vEGw*T^Jm!BOoc1**VWn&&4vwzIFvHizZj;$U0(iQqE zrd;vEIM2A_SJqv*>8j|f)?9UVyk~stgxCpn6V6;c?dr8xpPraJan8gauDN6KfhiNG z?7cSp+LCLRTzmAo-q$r;_smq?)B#hknYwW5_Nm`bE1R}p+H2F!UqA8sUDMO151ZaH zUAdv+h8^@bBYDQM8DCUY&g?&Pt9`6}h5d)>YpNfqK2(!lb64$*+UIJ2mUHE`vQjs= z?uB}D{rvi;8xk9qG@Nj7$4JK_$7{3nvkGTTn{}cwywTP8bmKW^wex=G*{1ZShNg8* z2VG{@4A&#BbM7K{i~FD_-m}4TZuXqnN4$C7g}w~mM&Chyq5rACfWVG91Lka>+i&j9 zd3nth^GoJ0od5of{cm*LxOYL~g0Tx0+?0OPft!?tl?y!!*DZW);n|xjZ+6{$Zqfe5 z)r-GaGGWQOCEqVCT+9k-vo zW5OK=?;LmM3wO=CYu8;r-#z8-l`E51o?W$O)%UAQR?k}f+&w948t(0X@2Rz)+;{2$ z*8@A(Wvm;!ZpC`zdguC&HjLiz!h=&D+`DnW#`zo1J(RX-#-`SXS3eT_$m&PhH&5Jr z{L#8ck8hc^<&~}JTQ_Xu+bXu5*nZ-%B|EZq%-C`0@#@FV?CiI*Vdu#w!k>6$mu{D9 z*UnvSPi}uIe7AA;%-#1tZGF1#&(VMO|M~1Q+n>#N_L=8KKL61Rd-tw*vF)XkFAshB zxmQYF+4^e9t1Yj-*1Dl}Z|k@Fvi5D?U$lSu{?@-t{L34!RlMH+^=IA)ePhKNuN+7| zP#S_#vtB{R(AMtC}L&8 zCItnHlKO49(1O7u2trCENsDq?z@)e!8bLvjI{vPikf(VB0ja zN%shg*34#HUwv9Lhv?$jLCqYd8^Au%%#pfb+^m@o=8h+XHx-IivUt-3tHS3MZ! z5jZt-Lca**6E+zqxH4P`x)x=xMC>laIRgCFPuA6mxYAJyH(dOv zBl7vZdLx(`gb1cu2MBLB7_w7sP%K`gQH$_Rq7EA2W``@eJ0N`|08=m)7of;igU~*$ zPQ7rUR_I=JH)FaBhtOFi;G z{P-Yvf^ANR7Xx*7K_1o$aQCm&tzr_c>lh&Y4X-~zGGizUW8rw!0SrXAskK^nH;aY@ z`&c|{70(h_BJN5hvtBF(cY}LF+98P$Nyja#3~cgbfvd0|1Tgexm#_hl|D20w?dd(X zJeH6B?*dlHY!Et943R0NY$)Wy3}eF~AEq3TQ4QvLh!jqVGR?TWyEt6Rtt7i?&!Dg{W zye`tjT+EFb&1_Jef9fJ|?&V{C7GQJOT-*n0#(v+8YyrE8Eo3+2Ap91#h%IJI*iwj> zzLhO!x3LxMc6JB5likJcW-Hk$wwm3;*06ioT6Q11pFP0VvGr^Ndys8p53x<`VaTi4 z%pPT1*jBcUZD)_M9qe(olRd$9u_xJ6Y&UzF{h2+(o@LLm=h+Kv58KOLWG}Io*(>Z- zh~M7F_OrjR*Vyaq4cv%2z}{j9+1u<8JIs!-ci2&Oj2&n1vJ>n*c9Q*-z0W>ir`U(= zBla=-gni0Rv(MP)>~HJ~_9gp@{hfUc2H$VlKiC=e9XreZ$-Za*Vn48dvvcf6cAovj zerCV0Hg_r2JdVfn1fIx~ zbQwIE_ku+CRNkBS;c2`tPv;h%fyWKAcsB3Hb9jG#2_L`*@?4A>gZU7i$Mddnj53|_@&ayzfq9p^Q?mdm`3*YgJM;Inumck(9g;%@HY zv$>c1xSt3396p!NMB)w#ijF4AomO`XZT<-{%BBV$u3a@L#NU>6!6fY%6iBgi3EcKF7q*UD+Q^4iO z%NvnLx-~B^sOM{TtELxddZDJ~wo%Lj&x7z0Ys=hSH}>Zu0n>^#Pyk)z>+kO=f>XmDBF6m$|>e zL}rK2&)tniuiWIGBb(;C-Az>vms#lUfM0Ug)fs(`dY9cP)wt^oey`ovpl@(D$!5eR zSJ|C@z2DI!>%DG!ZFsGFuFDAnIh%tPW57dh28XNKJul4Tv^Q7PIJ`AZ8EJZCyWixM z>%6kB!Aw~Z5jx#9jruyLy*?C$sr59tU9vB9j@ub%lB8J_w%k%tI z4YH%Y!5=Eja~-w*hEVv`yQ-XWoj+VP*2pfu>bUJ4$enr8)ken(xip2`yDaMdE5 z3a6Px*vLA2jZC#xHOEmayGGwBVJZ>{XOp{8=n=C6GO7fT zP~Z@UtIn;0`D(nf?D93Z{Sg|NiWMOMR867Pc3047_j=uPMNNjOMv)7%Y7TfpRfE6? zQALDD$d1o3U#_YPIGy2|+1F%uI-})zHBNhzy(?S#dPkjK@09Iz=p$a)EH?wu&>A6R zsByY|ayaVC<#5%DycyVvNoyK3D{rW$us6WZI@WUqJ0{?K531w38# zNcjW0`{&BCKLSPfcqqymblC7ZV4>_)6ARNUl!YiQ<8x%M-+>fkG<$>F>zEJpwL3$A z@l`dz3xBwOuEP(!R4bm4jL=@#!c~l~LgHSx)F?OW(VKl{Ez7V$YT4-wtD$PGL&f^#&;~SPm5SZMNd4U;OaV`b z(5XUVROGC>h>@{9Ttoy>J)8obozSc3-2<2#Sh23#s-xtjuK_R4?fFDiiX%6++Jpz9m9=*>#M-HXdsj3E| zHUi_^ULY3_IJw&iis5xM%KipKSl)q~p5dSV35Z2AXfHstyLs93lzlutVenLicQq@4!8m1aWU7_EAvb%hGpW6#m z!$*LbgbAG|IIw2fq4c&{i`r z-HW!jgCc_Fg@U#>fM^Ds)n?EIv~#^2DXLgxgNCkf)v98uiH6durrI#T`WxInRK9HX z1sr~AF*6|*rD&|dKqbodgT5(6|#~Z$j#JSB-3Jl4~0s z{;)dA5>lBZBkMB8fd*0U`ntS2Ii}VfKtoj_pZHQ`#`bVg@vnyy@UMrRS|#)%e3)t! zfM(T96jj7eK~1%?uMxwB(P{UPCJ@CR-sG;Pa*5s;uHn1Dx6s)Ew_nX#m}*qp8Krf( zP#86=0i(aOIaDJBsF>*PB#`Pbsv8+3d#F6mLtPX`v@ROZ;}a7QgRco0G1Os%a7j&a zgQ*^)yT@K@2ALChVWznRfkg^~AT7Y_S~KbxqnF)@9#kubhzuc^GpdW;X#@zwL>(+d zr`OkjiiHqJ6^6@3A~wKEeU-JiG_2dm66On_N22>WJV5I}wQ54Jl7etgVE%lnJBM5& zV*sTHX_gat(MS^=qp!gsJ8L6@1C5%S7#gCgKwg1E0f(;vHR=VilWE|YS5pfDrH$Hx z0tf`@;i4i)4<{l}-GKywYVbEXZTcFYufPc01j!6lsVY^ZprSsEj&ZLj8XVKZM*fJd zppZVc@MesrfofSD+BA!P9-29XKEk;x3{|G77I=e6HAp%pfI;GgITq~oUVD?V4s+T@ zuVk-v>Fe@~^CPPr{%R0*P-C?jKnb1RFu%}*Qvq%{&@lq@kWEK5jV->$W)B86cfjkL9l)S~=>Sm0ZL9-XcFKDC&;agt zcqCtdnzpFOM2j2899gOk)blxwhPkq%+Kq*S3;zgEY>gCUM|V&uH@Ouis09d)!A^Aw zPF_WkwQkG@#PUO{{Nj@EIhcxLRx0v@P$hX0>c}P>s@&vcrB4BUsI5wD^eLiGF?~wt zBbIHI`6KdB*YVJsFZ+838=JGUsaeVAgaj(h{8N1QfRG0^#!aM@X&!Z3d<`Ymp0p%l^!h9rCm`@P-1d&e=`C8sai6v@f{wRX8 z5}cLbtOREzI4i+f3C>DzR!XUWQYs(_aLM9B5CvNHMr#p{7Hi(h{Lvx=ffi^tVQF(m`eZ3M0%6D3nj5G4dr zLJ))(g@hM{gcpT`7lniug@hM{gcpS+1W`&5r367pQ3#~Kr%+#K70n2wfJt}|1R;eD zNP!O^Y=jgxLJC_R(y-+r4I5#EjWEJS7-7pRHO!GgOJO9Guu)t#LJ1q8gpE+bMkrw; zl&}#>*zze6D->3J9Wr?l-V&_Su?ry8j2p&Q&b{ literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/fonts/fontawesome-webfont.woff b/docs/build/html/_static/fonts/fontawesome-webfont.woff new file mode 100644 index 0000000000000000000000000000000000000000..8b280b98fa2fa261aa4b0f8fd061f772073ef83e GIT binary patch literal 71508 zcmZ5nV|4D$*R5?Ex4gZzZQRDW*e6!Y`lf83hk~Nu?WKPbw z$cl;r0RsU60b?owA^c}IF8;@VcK`n-Dyk&?;~@N_0s@oxffm+O;DEKhs~r$9)PHpee?SD11cGOyZ*Bae z4g6eR%Fp?I83BO{cD9aAK)^6sKtOOeKtSkOn_2=~F2)8XKYb?}eDah2Y!_cIIg6f>yjDm`nA8I88jTK`Etu#QEh}Z80tget%U_elKV2rT2HKk-F?ythpkmrA%jOJ?v$L#hV~Mgd5*Wf!EI$l(g+8dJ zU2TXWntYJ^!9UE;oD|7;mOmz|)Ttu%a+j4_$_V4ng~@ZXg9TC}EyASK`Ha8%8A$^e zi9S&hSfNA727+-vhN?gMrauOvKYE_Ej=8#wqkG5LJU7|qI}Wy!7X@e%&~M0YcxF5= zeM+XH>{Q>?Tx1W1g>O_nwt>lya{e0?Klk%zEP}YMb$CI0DlIO)v_E$lKc%wSHc64k zr%t4S#nD?rsR!4@`&xm37zoRQVJaaF1j+w~*@FmEDi^I(YV!ireya@Hww*4ESZG?X zeSZ!&HGP&fc~|mj65rqPJ$I#!l9J|qer*#nUT=EwJa0Kp@f>p_IBIf4tq8l?p$r=b zIK+$yxIv*WY^ZRzC_`neQ8^T|zaiQye;3JrzmjCU6vP~#_3X#Q;7PUM8BneuNgKxr zV2jL`+9be{fBf~VYjuSjbIX^%w#(v`uW}W0WWU0=yK+@a!Sz4+g()qv8*S%m>NuiZ zKEGJUnTvpMW(E;`QL___k#ROO8mNge(Z1lLlX1np{a0^(gvD zYFanA9@KN%JFsU`T<>-}coVjp<`TwK20AkSC=R;!0zjx|J;;Se!3?ZgZvpxwKCuvj z>m|V(Wc47&+tCJ4zy*X)mlKw_loJv`YYP>8DUnwYypNqfmlQ|qIxpIj67iu#={l2W zp!dcAiE9|JWS>RnC9*{owVbuMzhy0V=MjX@tnP~5p-|XmB%kkL*lP)6km=Ozm|y{; zg^T7ftnT{PPK{)?1ohyB%7m;RKHW3f<)s@jt=c3cHjavqJGtxS-1&vRZRL+{pj$&V zYR5|QmUUr5Q<~)Jsl*VaITbsY9L})mqI2QY(I5ok(X0j|+%DRhOifo`^CX^YcXz2$ zK2#wh(O&S?7PnfjH8dUZP<-tEGF3t2jk1sy?6?BNxNByJ$i?b z!8EhUO3IyNxYW$Lx5q;iTI(y$4T9zaxS*!UaTXoqCUm-16EAG9mLWKAJ1oZ8xsEC~ zJ0X_ZVqA}}-{NS$_=jI-J-+d!V;=PFZulShbbWPiQ}b3PeuAg86ITfY$b*OF-(w)} zKm(;IQ>K`ZNRaQUfMKClzx7BQI8n+pie36aJMSf)eX?Ahe6l6T9Kt_%bG2?ADibP8 z$E~WHy1!d1W-2!1JkJDcmzG_xWOS&n_~EqAPM%e6o=q<{(sfJ09h#8y79=)A0f0x>#qVL$i}L z-UPo@vTgBiHeYt!Pi3A)uG4ktsdR8`!ui~)V`_DHk-X+(d_xRlpQgo`b*hxKCZ6w3 z?b7a4?ExI0?V|0!hwKG8(XB<{4e%XWOo)Ka>tA9s!Wc{FXh4~HzYL4`G`;pQQOCqO ztxVGodL89$WAh0>ruA)@MN7s?kIEG@E2Y$e32TB#`vk|7^JaulIl^@&U{p@y3E}y8 z&PW%<7eb~Kb{vb}u|{3-Mgs z%R`3kd6Z^3ZThh)c25_7p=?9yP(F{vc0&Qah%onBYWl+lf>Q`)>+(x0yscho zLkh(FGZQPmBt8>WP{RDnm2kt7B)-uDz0E4B6~cn2&E7?zriND6;Mgn?IcbQkZA^Na z;GzS|5qbpzB~mciu#W~E!`%KdfUYruQI3>2!tpL8XTcHn3z;4iOz|lZn@`(ZrGtr= zU&SXnI$E3ZUy51!)bd*nwni^oENw+^%+0mZ%^fa{6#g~|6yXJ`6feG5jTpZ~A%ktm z(g(7;8Pq`9iMC13yjopDkiNaprdZf6|IYpT8mJmZWYtw6tYNiYsdM_iRgJ#ZZ8H{% zXOZh}J>A(K^!zUJe(8UeolR($A=)nP3U;rCQcFvxg{Ahqe3OpBbFgmvY7FulPfMfm z`?G*~+xKfdhhaTuH(Rb3S?n2{Rsk3j{_n54qvFf-k?5(T!X_jeVg(Gf?rO7SimO$i&9tp<{Gh9! zH1V8LK+QIu@wj$Oois$2~9n%JTF%c1!( zDo~cyXY*(yk4-0@Aw^pBcr9(9LF0nCzJZ2jJ~>Sa!tsTmKj~~B7+*Y7L~`S(Uj_h3 zuv3Q@HLBL*-IP*%vF;qaF>5ONu_SyB0Bm%SqQv;wIP^0YvHX4_<@rZ^9N z8FY^tEjgdp0Dn`~aNZDT;&ij>;mLub)fR@*;s|mJb}Qt&9trX!-AwFtpCc{NF)y6m zP*p#NY!`VcvUx?`0XK9e%G83O(PwA^HBQ+>6==o<%wlD5XwdoB-T2dO5%3L8DaA!2 zzC7h*Ld3t-L2DNv0PXePdU%4~&b#5z^{wJRPpVv(Fy)>WDFO(l0L&v;gavi1_%$xF z*n?J$Ud3Rn8I|DR)FVe?esHG!HR*jz2wYr#(t_*A!OV78+^!OzgQWqGvbit6ohG3l z8Js)cR{o)$2tI(d#lV%Kx8&ByDG@LBDj;|YIM1O{tZ1x2O=fllRg zC^8UDV9_J+JNB1iyO#3|Q(tGB+~NKNxTHoQ{YEi6{H2AdM_Jfe^Pw^%)xMs1l3R}0 zN*XqtW0q8x#q4W0)*F~(pD35m83n>lPYVC}@)RZOyy2%4*<3z7{%A3kRa@Tbu5Kg9 zpGGX29mNmhS-#Y1&zYq;eVxPgoaZW)`Z)Rj)^Uh8JZJ6I2C^*n2DK# zM-b{R+bgPkk14b!>9EzXOUJ@41_#zzzE%T`nI-ob!SuR*MT=K$ZdUU9E3e!lqC$)2 zFh-6$1HY}I4=!SobUcd?4lSgjZW03u?A(4w2$RR#B3GN{#90FDm?TVF9+vN=Mmd_w zT0-S1Pptt`LtA-d3YW&0-J^>Q1{vV8kg3ikCr9_yl`JfA}m`41mGrqixHu2AK zfyZi18+iq%Hoe2&??+ybeVsmOmR2Bk%zs!Ke2`!^|A2Q{shH%2#5f>vG;P4F&cygG zJ}*>jxsB3(7lWse83~5xSV|=L=h-ND1BVRh7o66= z49^$-l!^9Qe-7bj6GWk;o_2`6Q{13Pn8*P_d5RN49KD9Fon|=-8`~6i=-*$vv*LXl z{SCa{@+_z+mG(OOwafD?Sw-!g^=V?l<^t?KzsXMg52fT);{Kp+0v8Br#?m6$QfTSl z@AjuJ=Kfl*W)Q~gigG&R>(((VwoCmpi_Dm8Y^T0@qt`xewn8*mrfF9qus=EHEMsrN zpBf)Q4AXe57UJNQ{vIeOeK}2d)@Ht$2@7-9UN?zb=>q8ZjHH>~#FI7xWOr{|M8a%* zoS4I2vVS+9d^qWDKjq0OTCTE^u^i^`o(=jywa_?oahXs`mlm15W(Cd0dNl;8z=d`@ zQb%b(@~I)6q6Jq%aN$2buvh1p7-NCr01H)1fEA@&J9+ju+CEaUa$dIuuR2ec@TqoJ ze0`+0t->!);znwAPCvqn9d8jQ2!2wsG+kI_l`5{f4(vC&&PN&qBr?Cu+Cr$bT0+{^4i$hO%RCvhA%^^V4QG(*m2a5cv#q z54-IDr2!_HNXRX%%B}%Mj5euNP$>XI2h2M?md0ssp1~TMkSeV}6R7>Wg`xuVa5~en z#yvkP7y|KAq*JAT1DZR4Tr-rfUiAd> zQu!>!?qMchl%(0keY)-@-T;xoc%6^tg;9SD)W{$f?qm?lWVt_B&Yn;^$7AsQ!q!z( zJiBT{LIvELbPcs*tjd9`F1cIwoFfRuHD>%nenmSvC__0u5`lQ*S0i|C~4JrQ;?dKs2XbRirOv|Nb1pVFucw&cw;s|rmDX0DWX}lja z0*4Ogg$Q%Keq)@Jhe*j`e|a-kvZP0JK(bHs%p9R_3~sRcs^y4NCtUd-W=Qw0MVhoT zXb#E0;a&Su&eGJK|?D~k&Z4#e`fofr>XMU}wci5@?&k>+{mKQAQJP>U>9op&v3=T0j&c({KTvZYgq}4et2YP&!%pWOa$`!58birqP4JA{S*Jz$o@-N3$JWM{ z{V_TiP*3ZdrJ@R1syh>)tGhLRpVx$$>U(s3&?0Khr0T=(Cb%6gHL-jem>U9d2+~u`^LB$nl_ctl9VbQmVy7Wc#)vg;Ou^;U<-(LHIy0y|$Rq-j*dQv>p-|Wq1pkX0G}52GYH3FV>g*QwgWVo9Ej0W*Tgk&H!#Nb9^^4*P7Y3x+#6-Cry!s{G+!; zzTubk7|r8_^q?!_zn4!o50jx!sDWHx^+K4$k|WWJHUyX<)m&nXI0=)|NxQQHy1Ivprd9|u_f1!#3tvegQQgmn)uf$EP^!i)@t%+rYb zZTourqdlQ@$Z_#lFdUixVh?>M`tS8sshus0q@VqdhK3O*FxDT zKCtXbAtbH$MH~n3Y~gGXw|4eC$CSFDdIx2aO>ZqVnKW_W7R}!oA>{sehXRpOKbtLL z&gr@ry%kf@c2*MEWdjjt@7toNrbw4pu<-A!&?(Y0`^!g0z$y*Ys4QxI?W$VyWU~+8 z?wl<<-0(@R`ezz|RmOk|?(lmF)}LS)B{)>s93GHzP1jW`*sZ_Xs=}qqMJ9>2Qq_Al ziQ@OPqqfEC3i3ElfnK**6S!3C{o!*UHn$uVSK5;P+`;k^K? z=zEX%z#j(v{^&yh=JFJk(U+Kz$1)YJ0v7_Pd$O3hY+Ri9X7jWdi8mex5SmKS^=AZK zL+6K{uyN9~k#F@H604{xidmVErlFN0jAN2vKt6t|sR!d*F0e&sZe#znhk-}LDQ9*_M97b^7lW6|vQNy?gV^?bqUILC}4&37BH#Y=a>x?!6*O?QiToE0?&5gcK$% z!ajB-LVyg`h&lH%!v`Fo{%N~aH@T(c8I=6@ucQJE8KzMbKL(ZjEyW26heGzGxDZo) zrI~}cdiHO=Mom;z(pQD{R9Q;NGkU@=LbK)%hEKzFZJxD7!%w>Chwo(8?9ESx^$%jt zwp+I0JM|CL-pP=`?8@s<#R<5|%mZS5DQviRoN2ijs$rkEf<^JRA^BCnLUYh$`*g4%{gY< zohsTP0ITL7q8gttCrU^e8Ic>VbW5X}oFjM=8o1ugitlX@;4zk@-b0AFy z6q*h^=5C7~D>+BJOacfTKCn9iGi=P}3@(O`tOlf1gS*2}N$Y5AAB*a1zvDqEP*^_KTGL3)B z2fQ1Gt#}y1uh{ZK59DdS5S(~Q*UgU;*R^FK{$?=lIMT#qtuR+%t^LLRvt}`&j@9h{ zib^PkM-nKN3_AQa6(d_Sj;@NIr4GLA*%UxMW!k;^zMYRcbBD^013_lE5}sia5dMka zVo6*F4w?RX$jV@(hDHK{=HCfj58{9JbPs+D-Bs^M(KeKo|P`Ew2uX;E| zEiIUGIdoGEmz3wl6Q1m?ST}Jr4Va|Fl6ijQ@lXiz&g{5W`HXk@y7TlA3i$re-FhwX zZf?>U^bzC}@vS}8Vq+uJD4Zn63~F^Uj%CDXDE$aegke?EE$W#AbJ`YJNsy%9mHLXj z*Z>%<108|Xy#?aM%)S*41K^k_DO$545|QSa!#6K+O!WQ&4LopIdIEumfu13C+hlS! zOf`f3b!G+{Y(U%*EX>%8)>)8PwXYDZ8WRk1-8dI!8`YjX8(i2C88`TXTY?h8!mp!KKH>6XY9EAtj7J=ymLbWq8p z>5I_T6$nsqg~P7v;8q)Bg@8NZd5Lz{qk*|hsoAT&VF~sqKr>@L1QYV`RB11DSQH<^ z_rUzQe6kz2Y9Frn3&2(TwD)|`HZoHJv`VTFM$w#z(+TCyeFjqyg0EfAXJ!1spD_Xwd@?FBzTROhmHM@G z?~!T{fk&6@cQs~}vecF$N40n_-6{Mai*W`n{S}L7rb?IaxGjP17wKY+aB78G>E#6H ztz_79L>d>lIS47MTR46NO}i-IpPQNFB$&0hvV~67Vg>4nqP&^4zfIqoo|9O(saL1y z3eAQz3;DxeqfG-#r}yQQ8l^^63ZKf1QHd^dCZ9j_}>2z z@ZsR_d9gS-9cJ`V@fAtD|8eLY?C9U^CBwZ*yc)A};z|5W_yTOZz3O5sYdOaUkOdNR51lI_I0?mZGF) z({Z9u4dY-!wBS{YDwRkoS*UWboU#&1B$x?oOfuU#f;Ivfe`K!rm{ zEESfu{cF=S%)D8lWGz>5BkctaB3!;#UW2MwtLz=+2?MVSIMiqhZFKC@{zZ~s9sRj4 zc`4jg8NwbD4j+^sUL<&kh8`VPt49r*!S~TmRIpFr&-{DoiC;sGTF|k9fI{3a{)KC? ztFW-YY;!M+NV?*%uT;iP`Br2!2LX&PbXo$KbLf77lppHjH$%ry;J5Ad~r<-Pd)yB%~esz&IVxqEXSrwLD=^S z1T5Fs5^^KpoUGGNeUF8RljU7YXO!+$zuL_nFdY^>DzCWkP~qdm!^jaREYBQ%{t;;f z+X_M2JfM>Yc$E+x$`VKW=TVc53*KkFgUJAEo{sCQLLb>$#4F7X&QdUs64LZdR>-vUX$nPrnN)lInlZPzJr*%g-5}lg~=EW+F+d@j$j;u~v!m^aYhh-SBFeytB ziZyG94kJQq7W?%g<4!n-8Cljn6tp0fF`6+4 zCh=(AK?8WmgNc?%rxZno3HodAL7f;O@JgvLQD`zHwd?<8S;ChlA$FUIoG~tJ#`Km0 zf_5q?bV&)*C=|R0Xv=jp$J*y57GpV)Z#6`(5aW80+$;!{Buo%y$?_fyGr;%DyUEP8 zA{Q)|^!cl4rpdDLi|3AdA(igjI~lTmp%Ugw8Ar1u;fWDm7VGyJ|Lm6%?_zYG)5qJd z79jie6ITTSSzXe+FPNdW?(8WMv^N6WMPoWSSGrjTrKGiAJ;XODN5jXk2u3eB}8{VPmeCn>x%z>)Y^Ws@KZQ0vaV> zItz&5UpRY3Hjm{C*7P}F9+GqQC-`)dy2vAir^K%y$eFs1u_D<)NW3rsM0ir7JZD zQbp4v;zTsZ_Xy`wdzI3{IU`2~;|x<29cG#Qs`AWLQcxE_vsdlG`!h4dJRefq*Ncg} z=!PmRZEZ@G;m2e5)EXq=L4sWd4RPRq^O>Y!JLO>>{>B^N^!S-1*{i$m54W?B7bBnv z7Oar)#`^{erVBlrt)#1Ou`ntt_>ze9JtK68m0*;%TCHSIHVrC~FJ+99@pKo(r}Ldf zS&9V@gr__!Xjk53oZRgBVcg!T2VmdP9|i>U-n9+t#o#B|s_Fe5!iOvVe#;ZFPtj%O zLUV%d>LWdK$}4pp(Q8b)ZpzW-n3`zy)zJA{OUi-oG&Y5@m2AW|fuPDh7;|hSIFDVv z1UXMhZSoqJIVC=cCebGXu_(BrdK0wxWV?M~9h}4 zuQ*EsjIMo%!q5dv2H+upI~5+m2V3$7eH@D7ce45cGXYUv8|cFjw`idPOQEcLdsOL+ z44Z7E0F>{6r;gXBOS_(%TSntK{(H;=3tbea#zM3A=i1EYdnM#%)6&rur%$}l5T{@p zCg8osdoh4cC-(D9wd;d_0?CnifV(!!H&R$}Hau$c>Y*p?zCzVzBX9tg6|Quxm-z5^B9tm@pj6piZ;fW}0=9Hk|)8N2Ls!IHFtM zzDAnu$OKLX7+~izF+Ja2FzZo=Y_rAz3VJM+KA6t}`BXV-(WR633h^iIyra%_`gQzx zS~neUgk+(`V4Ws=TMj|p$MSbUpyZ7GajBeE+dy#YW+m5#R*zOmpPX#0+pE zeW39DK|WuKpHRZxlvTdl)}p@A3iP^)F_30KxIG1BZThbr=6A^oxV1ffFSEq&XkB0p zs8-h@@1xxU1k?OlYNE9kx7#xKndIpmul!E_=KS#m=k#Liiz4l&-_IY*79sobCuByv zw$?*>m>v2)F)P2Kx5BtNmFxzN2vnNCO?JhdRv(wWi;n$$(!V;}-C;D%_>|FgIo2k- zC0>H^PG8)bTIH;^Cv-2$ud97vR}WyV$p@?S0@eV>>Cg{f3p|dv4w8J|dj#*gIxl05 znvS|%zLT3HTy}sza9RFndB03I9}6X+BH@ZCx(_IkLIe3$h9bcO`EX~ zvP{H~5ciE{I&u+)M2gqWK&}ON>%~Qgj^>%bn=rW@DRmVWSLNnLgCnzxM}U!;JZb2O@$O_nM8yeF<`vV|E&r`K^p0>x{H$8;5@g_BEB2boIx5`9iCX5!)zrIM8gAn-$?)s-zPkU{1i;>Tp00nXTZR(iK+lG2F+eo8B z2C_eFi~{?D&pYmfJTd;VV&mhwEV}%Dak#tO+`0ikYiVwwzO-8AR(eaUT;Hd{D8+o% zAN29OfSK)u@#rmU$WZi_Pn+c;FBp0kLWeD_ky$xFsMF6enD6O(=Rl&+s2qETzeqfU z!yAD6F{WsIb)_hw(Q8X3QL7@J{Ms+HCx54s%I7(BndusO8#28Ev9HUI-B7`dR%RA) zTCA3fW0MfV#3{&9!JMv2Q-JE6%b-!6Hsuqu`Ibz#H@7C8AzI0pPcQ&kz}s1l%3dZ^ z%p}1Lq0txSAW`h^uvF6Q>&W_<6L_!ExN~Ax0*<3XJwsn+t2za2nZXuXcfucFh9pOg zeW*>#Lg!IZlUl1M9KutV=F*M~E9j;uV2d}IhoE#Dedk}qw<&PhZZ?PEc`D5ULFTuG ztQzsiz#J`sV~M}FDRt(reo4ep|UWwsz8iJF*u42e=i?Y{! z5LuK`htA&D z%8|JpcnFxn^J8vyU3iu;Y%2lB(7pax!~=1PuU-lEzMX*SQ2tZGii+N4c->@uCE{OgMR&=cYvRzvRTL2gi6d>nux z(n6?Y zi4P*LPW-h4jHXs$TJIC9EKJ8vm72~0cH_3wrJCz$U9JL|;}_00shyX+)yH3SHlI^| zk@LQ+Hk?g{DWfd0KM}TrSsX7<`GpOS{xVLHHGqEJXBw?iz)%tUKiz-QzFK&Yh}UOG%|5Dld0cQwt!G(LumV*MedpR&BVb(d@(5R1V9HV8fx zsvYtZ&xNw~r(InQP_iG!*L*(0L{dqA~H=$ z+q+BnI^LxjDF~fs8k?~9Fic*@k5N?};eWjpx~=fq%={WSAh<^L0$O!@9j6DWy_K5D z%q&zt6%*sxz;^6>CvJ-dc|TUHtGPKsQRuqv4sJ~s#324M;W^wv1hkl~rs+gR_C%@` zcHGcT#K7IxrE^VXR>hsqy+QKC|EZ$F<(ooexVyiV{!qex5s)Ge6^D?g;aI^lsb zFpJxm#=accoN>)GV#T>igxh3oJ`L?v5I1_N#RE!_O~yOx+@_}- zLA9_-H>OV^{YEg4G-&HsG-UCd+u@d-^U71Pt)T`;|8tMAsvu=Klji((p2KNByh~yb zxBjeZf?!Ju7lO1}T1zXpbY-;dL^V8qa|?vDtz3jacDBLs>-W1Sw$LHTlHA{LR=KQsk>wr|1jqavveWe=VS=FX2n~A_8NsWX?ez4B|8x3{0he zsemd#S2F$mKE}evizb7V?+S%Yo$%d2R+*IQ$TviS> zidQ83l8d`sq4a(3f&Vou@3}7RvDu7A?o#IC?U8Nmtc93B5i1;<428aKC%TvQ%C~BN zy#D@#{(Sjy>nY2<7ZC>a%S}EZbTF9I%d^oMvD;*@&E=W)Ed5yn{My9bF>?bwKgk5C z6JOf+1WK;slL~7^07*_Gi@tQNHcBX^R${SBg#~2tCw} z5|324*GQa)^bNk!i>qhMOWd_UP{TL(7@@OLOYFWZ7EEt%q%}YQv#K4sNl2s2c4iUf z*1?ixj#10tt2<3?k~6ywGpZoAd7!jrVhvvGu3>;}X*$&HusZjn%aK7@l-+0flt_fF z6mn3V%n;Vw1xerbxT*tJTT&;hO=%7hI^`EkxwQEjaNc^vHTlRfl;4{p!OZm8yx?FW z>4hIx+1(MGe4-y^aL2nTV50tv+i;ca>YFLO&N44+ z{xz*!7t5WwCD()`S~xFnRfELN=tnS?WH({|6hG*BU*YGR4zS6%u60@Gxo5lDXt2>! zxxaTs$odrgn%whx61VyjKTX$ZFAz@CYL+y8csHq$(9lTTVt+b6jj20WNyjY>PrXjT z*vUffcZ!>I1K+n35d99-F65WS?WSP6QNc zV_#D7UB2780D(Rev08xVuN|GavK9%Hm}3?bcN!D!n~vW%bxV1|<@2%sZg$lKeqWT2 zeShoEN3h{G4Dul+_(iGCRcs|hQ9e7R{bE^NXfiEBc07Uo1=seTE7oj#K|{drk@qyy zAa>KZm_okq!KC?Hlu9<5SxL~O1$NCm~29JGm~zV9I)GXrIw5rZmtYfFwml?>=POr`AM*5n3=`*IA#*fhF0 zBtA-pluQV~ofvScm<4(19cVqe5cT(8X+l+A=Uk%1NokYe0T-eh;YpU zm?IlbUigJ9i9Z!Ke0d{`AAb?^k{_*zBXLyMs+m$BIpcrlE}vhxduhyILor}^<_XaC z+G5%UDfTa!$6Gr5vN};78F%?+L`Qg#FlnV)}Fl5W!g&WDzcF|$QWMr zHO}w5n`&N5H8b|_+N}wr?zB!q1hjg5QCsx%9pX^YeN>-Ii{gLGk&8dTD3p^z#qkG< zj_RQaciOj$A82>zF&We&qXtX~(Z8bP6FbYiR%6Pb^Q1c3a6P{{F6&fAdvNPiGtevh zJZeC-IExRF1Or=I+rSODuC zrIHY`0U=c)^5Mp0tm{S?Z@kAHC9w9|m>jdmDY0GTRC?ltf5g}=I^fVRu(_xf#3&f% zmU(|(Gh76r$;pOzHM9PCB^*A7+~}e}OGWmW^Y;m*go+u_+K-Hl9zpeqzOO ze!ookFlu1=iZtO^P^Fw3K82a0MKV(?44~XXW?St)+t!S#y#IOk=XJa-JFW>1*fvOx zJ_%2jX@nagV&?<@DXo{vX4xd-kpFgh+J%s;+}g@IaZ)==dr3QWOla=M2M%o!e%rtMas=ASR$7}mkOlB0wSo18D z1&Jm2LgBTeY~|nKRFUrxV#JwW#rI@M*+`Tjh$^q4*~X4pAVAa-AR#t_t=%&SELWF;d^n~5&IJ(kInL>{*3b!%vgRG5(s9GfOQ zZ8njNbt=Y=_LR`P^=_J|NBWETvXz-Uuc4?G!#T*p_l@P5EN}JKGH&h>TUP6Znb*wnM#JOG#b9T6 zu~zg_R{>Yob59RCXzcjUMBF;X@OHBd4rq?R(L&I>9wUw#H3cbeR%zc(>cTqqlTao>s%RIXvU-oNsaIqx?9b z`APPydR#D(-AAL-B6g?t`$3n_nU)w3T?4i0@;00{GQHC7KY~?0CC`~MTH9npDcTQC zfLKw5q23jXp_SXvxBolS;zWPA*d??5p8tN#$#u`MJW*T@J1QHS8yhhj>y`}{VY-V^KZ*%kw-c9*|BbyZ$MGZwNsMxTubrqD8T8O=P(1qI5?Dn zBWPVTFzoqaKNky0J)?T4)Q5_{(gWI3V?3;xrr@>Oa$GZaz|k%wNuBF|!?DLOi|07rnrmD|%_~J6Z>e#w%U7d;)Y8 z^K&m-huYi~--233ceeRxl?^v9o0nOlqyz5v>+~@vO|0-Hmkw|>o$`B?e2z1{^Yx|D z#@M<}IAtBvhwe#I)47Ig5&u*{09h9K)EJoy;d640w~vO$48c>A2>2wDOl_-$wc>9MxTD8(fwzrbx6FUySsRTQExc3MzIPQy5T6J89g{^eNuou&oHu z^6kSP`eI^xHqG!N`{Z5-3O0?*Ts;{}cEOagCND9u*O-u?0!;uz=k&-oA1#9cXzk;r z=`I8jYPB(H8`*+hI4*JBc8g)jI>PD95=C^C2$L@l;qBMn5V^D{2hrM3JF(IyoXhcS zA|4vJdq*=;7qttVJT{;(1@Cw4*W%3J(8#xQ8L%~1dJCH@xVEM$+wtT}PPG<;a zJ>OvN%%{D9dGAw7yNX#}#1(b;_;}!}v1p)Nbi1RnVTwU#g)i2{M+3~$h!DYVO;`9( zI|Y*gJ&mH50$3Hi$K9|)h?R6?~s*U!uSqqNFwY)3l;B71LWJLeBlJ>0pRB&XV3nyDrJMLI9`k|ZDx z>P-1*dXl2~l*xpJXVO{uXr#s&S)rj*b_F+sMLR9|C583(kma>Y%UP5E12sU(zi@)% zIC`IIRZgV!cwAHVqv;{3dKhwn{mu*COEO+}m6BJ=pBZOpLNmm1?8Z78HxC)IT0?jE_b z0=mfQq9+865@ENqU@OfI|0VjPsk>2{Ugd>cOm-fQT~{XNVkty-)PiUY4YbG%Es$Y= zE^3fYbV-!%q{LU0u_~z;i=-9e&br)Dda(}lT8tj+l&6w)Ng0Nr&~~}9u%$?Dc#9>5 z3jz-{mdJQ4*^FigI^lQ zi_C5kW&AEG_ekmEZp1>7iwPQpT+ps;Dw=g=S>>?n(ROwtK)zCG$e`VH#uC{Ez}GW0 zE7ZnbnG~ClOo#^1F{1A%$uJS}Sf*qWx_G*kWolr;i(H+;%68iwW|n!W*q9~aNCVFI&NXROfdA&gqEJSb83&dpA8IWw#A-$l} z5uZV+m1;!+84YG^5wY0-H41``NC5-ykp-Sdgtw5EHc=F8xIrgaL4}W3F8TP0`-np9B9inrf(^V;l;~7p(6qMJ^v)x=u` z4~(UODk#{Y0zHh78{n=6S#=gj~nqq=Ny4;kJ6A33_Ca z1e=~GqG%F{1x9ko-4a4J=z$w5)#)TY}AWFNECf~*vx1i>}aat z1t(9SHpyvoVX@X>(1k_GEE+HjIuCtq;1wM*+l@rDi@c!oU{YrdB0a#3Wao7rqQ?Nm z00Dq2*vuwqfkLc0LNKpuvKfN14O4Sy2q0c62MTdRX)6OLq;whvbpVsU|2sw&6i^AU137XEerA&~I!o9vj+1*3NTq)!($#bRlZtbe#dz zOE4Wo<=?X67FLhI3`s7d0XAhsivY{(f&HFB}j! zChO^vDyHJ7(k}bfQbM>vu2&UiA#Q|IRE2&-N#L6JUpCgMO3}-V!*Pli{QgO~_Ki)DwRNy2PO?e+`|N4pD1A11ShHGV`rauqb5Lz^TG{F7o!WCn%$AQ zJByY{J~1sMn0%gEU;5H?@v+5AZxFWMSr>6PH=)feQo|>0Bln71g?G6iH;cQhWN`#Y zVL#8vHXy}DjiY2x*?3AhEL#?_A?^&PX|rqlOsu3wUsAxLd=@uz3D5Xm^~Ia~Bw$pe z_PDjiYpN$f--+7BxbKj!IMa8+7mw8)^7&q^Z5*G9>^}F<@}1W&Ke2rE>Xo~8u6T9D zI6un8q4WT$H+gHU@pefug1ag1`%$g;pb!5E9KPCvz8EB`tsk4H_{O`-4=z9VN6UBK zuyXZkD0!^6WG6Du>|=8pTyWIL2{lVdKPaVLb4q?B<==ShbOE-@ySHI9<>aFX&6qo| z`EcVcPow-}Z@?b9=hqpZ^(30|%-!9GH~01Ue+=}-Qdo1XOh-LPt)?@m%WBf`C5e@0 zdJF_nEG>s*r|^&VIh#-CH_vHD|HzfiQ$@Ww^=eUg}m67*H@)BV@=*8SRZZo%&+shpowV5v<#$#lA97E16rKQer_9PQ- zWpa)U>>DiXx|d6F2kVWzAZIgw0|Zf14|%A!7Mu>=ZXR?v|IxnjsEF=P1P z&eB?m#ymrpqtiYj`159)Y$-0jQpW>MykYsC`|en|#wcxAw&&pT*?RM?U1t64*dk3wncZPS1ev} zL;v0B74>HQf(3eW{fhM6{WC6)owFi!_oB9Gi0?(W>7<-36n5-y+LN3SrjO!`?gc-7o(jU^;`oN;ga;r3}fzM zN+)Dl%b{O=KwNxa_@8`U^Rc@u zeq@huqi`d$r0ghLrqHZkl!V+%nh%IEn^IMN=eYF3jgM}>{o>(&T>biEk6w$Ln1@Z9orotzLEw6t-cEj2zW-o}+yu zgUQ9Q@2`yN#>>ev%WJ$I=Xkv}H^tKE2X#1-&pQn29}R6*?N%-i!%bkg)qIt9ZNBnt zPd5A>Uz~m1CvTZ%Ks5$OSvmeRr&(LTT-6PaGR$HH_SH}IPriY(+p?>^y5aj;vofl|M;1z}y&ygN1vZ&$}ukJgGM>v~sDt@Gt{?S@&6c7)SMR$psch;xsH z?a39X<|*!)+Kw5?>C5LOmbYYUI@ND#V`i}{8W4Tk=Wg5k3B)J1_g-Z%S_IPyOCr5`*EO?e_4fX3&ZdsY+vs7b(cKoAzhuFZ z8?IS;V7gUD>BdW}eyb3g+T1;3L9TDn)Yhd9I6wOBx?E`Lg=?S9?^aCV=#m>c?X^Ht zKG42)M#t&}vu1TWT6~@nE|$J(V|H4orOobi$89E^#e8|2KN^{W8x}@&(<5Q0tJd4u zHG9Q^x+=ctMfBE5iMDFSWLcjQS;_4bwE=NC-AYw&wH~)XqU~MZNvoSM;~c?3f-1wzT&3?^yB(TJ%Cq_|&cCxv_Jcp(4jI-Y)+=++&*6h3dY` zdiH9{15xR=X*=%j6LRDsEP>3yAKnIMq=nu}l@|#jf@zIilJkRp}EJO1`)(p*Sf9XCJ z>EECZvwWT3DXuStV1LQMcn{k5KPmoi<2>A=s#|tyPnnW<71b8mVd0}8O(=pr0Rhtp zKR{%<2{o$3OiUz46{gi6qWq&~{kQdkCL)jeb&4fuiV;ebQc5;QVy2))(E;I(c)enN zN$IH_jCy&XWHgz249FtnHy6LiynJDpv$`#Mf)JILpg)9&-r}}WyP&#^tF^WP3h@>+ zCHzqwW?{va0o{lwX;0O3n4up+b!fFqh|*UiHI$NmgDzdtA9WMaO>G{~+Z~bK#QpfH zEi)ATRLAD7>tEcoo0lx|>#zxna`OK&_a5+Z6nFpd&g|~(^|E{Yr0YfX zWa)Hw>N-nuk*h5CCJR?tHdt<$W^>r4*mMJ?V?iKP2SVqG^W>61LP94HLIR0+LU;(F zC3y&7=~nN|>@^kJv3bSK@7{ahq0g5#`*tsP z)wJzc+*vL5Oy9B+T=dsBBr8z9Y;y|a{%q-ZiCimFI5PO2ws5{NF}UgS#TG?{X>-$4 zf0=&a)BSx(G*?a>t7~*z4(?*m-LuTnvzGm ztLg(y^X3Md&hKw4X=o^MRaCetYrwh5WCHyM$uW+dEps}BU`Iu`!>5D5#TDzEW*0Ox z&0oB=wt2~lfmaiWgG*OmNEh2GYSfY9Ws&k}6;8FQxo>Lqg4*)Riqc@XGu$*kA|~*& z2jMtjo1xsOzUHBEXbM_)^df1H!T=d~US&v>B34ku0uqjqL{tsTQh{CT2)T zrg60iQng_|0MdY*5JXH^l=MX-(FpugV&#g&l$qiu#}59bKCpb&0bp>uOkwklFU@S7 z`RO{Xy3MlvFY3Q z(p%nsd-GdwZH6EEr?qz_=dDTWvX_UhuLMBh`gjo+q=_hyGIJZoL zb+2V}_Z{6gw@li=vi_sPNjx?&$)leH?cWlu42OY>lf58ys4HL;hd#RMx{Kz`yXZP; zBbGr5-yo7-I+5ok3T7}37_+$#7G319D8pDLIG<(@-Jc%h0hVP zoXts?U<&dq0Tx;SOprWF@4}%z*~|ws?;RV*Q%q425Ah)lV9v>j@(1b<>7>A(ole4D ziJm(r6EMl)L5<*MdWVw&^GYG#36^0~jD&IL7+9|AM$%hz^_SFBP_EpLulkO&iNE}yDgDL&+FIcMQq zHZ^q(-7xYIi2|@!2miIMtg5=Ys_eo)hQN~f*G0tP1Xoq;=Xrl|6_@zTT6RP0yuKdt z%^yQ!{#FuWSf0VrFiS4Y*z1y5J%Z8*W$^I&D&R5sNH`~0Ej|s_fK7{F_xerWU(Z}C zKC@s+>td5idwIfZ-;WP3SaA5qeQTebeyG5Dv40B?Zny&!y-F8}FNz<&dcpMvl{Wcd z1yru-Lzlmf?wZkdxWKw`$%btgyo&NzGHR0jjr|?Qw(^Vt$HjrLP8kj?W;4fH7!r2P zS~5*2EW-!|Y(~GPWk_fX8^Rd7S*m_tF(7UwIC_@+N zl|gia%B)ZjZK4J}O65Qgm7|B7AbJgY*ThRvt|qy3-zZg%$`Z-#RtFul31N#!( z0X_zIFv%-FJv8vrteW1H3tG1ZW%4UO1^lPK%maj(43pr4{Q!g>&ftSdm<&cVwyiHL zMXn6BLHrd?gVq2}kJEreWO}*ys`#%v`+Lvwd5bEd^Jd=)ly}~lz6;|soHzrD1KaSO z&>OB{l6{YF?7pS0Zjn)NDYbo%zx?>ehdw<6q{HwxXGU|l@VqxDFgh|y(U+q!%p=*V zB_mB-U?l@iCTIYS5_A9u-0bF6=?^u~ROi?UKn%!a#^oc-FvXGhhmOIr2C< zdCTj!1Z#uy*3a{_&>lgfQdci)=s2&OGchUyuVPGG`JOBGkX_zDcF*f*SXQl8X#`M7 zje^Dhc@@wM-RA*ms;r_6yGK8tKGAo}Eqz#oshKyg26m`|8bKKj&uUWoWd?)HuWXuC zm=1@Pf`*090K*ksH~jf9gm12ea4i-}nVjuOPFaxz6-Uc9k7RH1Oi(C!a`EELW64*D zg@Z*px%f7u@&>885(cGAIy@I7vAF{b0(TCRHhng_esP+7 z^Fhg!fz3}E9hwh%b8;o&meW%u)GD&3Bq8jQeH904W}-ig5*v3UCJ{Cpu@_(tg9ERg zNe~(Na@jxZa~~y32MC7*yRfwu=c{Jj?7?Z!BzV6}e zQ>Si!n2i4t#;u*i>JU|a-hL+WRT7sHeF6SuFdq~z!KP_W4hkBzTKuU(0TP6gvKNys z5;V(`g9J^uS3;``tiBf=`EGQ*WzvrMQvsi@a8`%hocZQrpvXW)( zeVB-lJ&o<1rFiWSdGHV>z3j!Lmur+TYmvX|Tx^lQ1JI2#*7P4O-G4vq)$*X1*un-0 z)8-&5)*AI@8ey|`2J7O42abuCBx=d`%qn3%^9aqgC|Fmk@ikqr98Df5V5gKFV! zWkF_7lgB|VE(y9`t=94)sbkP9h@YJzlT;xOJ4Y>}dh=E)7K}PIc9m3A&X#kM5&?mvMT@#kWg!F*h&i z#nJM|U}W5WOpKDDG9{)l(j(BfbjPH41)?{Tz8(%&Hc4lQBvF$K?U+$7!BpS-UeGR6 z8k&4KG{ECJ0purK9-Q_y8I&@6@V$HSq52u9c4)~lBhj+fB{kf$wno zkrc;^=MW9&5gzUMoe=YoUH3cVL2~d))7lnPH5pD($@Yv_vjNF}jLpNaqqS2c=Ps7P zYL8^S#>7E_9?1-jP)W&63{nSICD1`8iNWa(uA)(T7|C0bci7NKYSlrOI*95tA4?Y* z7fJWsqvzOP62X~4KI*HV~K;SFsde2!W^Tg3=W9NbPBznQJ^;E#`OhOA=$>I7#{)61`^ipLc*M28t;g}89bPK6=Y_30~iBk6O6Ls zET!Wur|b#r3zG3pNS5>#9R%ko)#5MJU>$J*p)j~{7T!k7!=Y@d@F=fk4i@#63@7nZ zWW-aUL%gC`4eHe=d4|H`z)6bk%^KFUgLw<+D3wp+i1Qpy{zQA*qts8R*Qh^HUmyue z2V9^MG*9Hmj*i=B$L$9u;ln=N`N03r?myG@GJ)Cssxn7=wFrsZ+LseF30 zAWfg*_~`$|>)|PmkIgg2X~ktDAY4=-%luHTr2m{)@PcFMe@=4npZ^Ch6#seJoSnP@ zgPRUX0$hR1G}b_#rq4V>{ek-G|9&s|-?Y-4?@B>?wSg?JfiF7NBdZxiOcQbRBc9v} z=Ko0R{;sWW6t9HQIEd3yDiRfQ?{ zHES|3SYwRXL1MvOf8H@g%q(ZWKnxu$nNm@)2>4!-Trv~%Vq8l9qgOiu$^V15ESsW9BKaVXH zG7aE-k_cW-MA?vW9w}+9YZg+1A?-OBY8VDpX!v$*xFyTi3&^k=3aD%}icgiidCarR`9Rh=H z1zrgz+zmb&%Xx{6kB$trLSmi3Vy?*(jg$He#XWHk5|c2l_v|QxCWd74*arzW7;@7o zcLK+xj8f6rVj`7FeQ*q5LvG4FGBk#p6*H{lX<5hlhDtCh1Z!~u3K8*j6sbHvF3d8t z7FwZGlI;ppZDeg&ct8-brv&{U9zt&*4+U?cd`)&3&Xw{? z_6~tVnH-0elOM+UnoC{HM3{wR>T4_y1wYwACUT}yk2(C=gskHCgL5Z6OiB4Vj`Fp$ zu)fA|S@4q`MEN>paVI$pk5Bx#=n9;%Ne<(&2(>S`lYB>x>#w=ISx+hW>2w z$|B<%Y8!B2?wQ}Y5uEC4lV{Ea8YV(7l%Dx-d_ZvaslEw*W+i&&&U`+M@1 z9a@qbt0ZjJLNp`EmTz?CR^+uUAX+enU{&L{L`0A!h;2VT~43OKuO7Pz?+*U zGQ|k-pPq}|^a2Z-HFylsHgyH_E_($&AUYD&kH@yLmIfavz`nzI#UfxvW{j{kwP*x1 zM!;as5wLA|P|z^s^}{Kw2pyE*tp@1GRB#akupH^CKkzK z|5R^>qzW3rc&Y^OIsuNNMv+uUkusv+6t03nFlA1yNJ-j<+Bs_^d?``|lD?mw>vp?G z$OR1kEu4Q;C_faHVZ?0#l5sM}CVgX${PxI^3G}zjU;#Pqk0-;!$js>;!ZMUEPYY}W zSwiI;-B}^6(Bv1;)IgV*>>9u(elnXS`j6I?40R3A$y1zw34C~<3#PDZ0GaxZ_9Nj} zx_px3)TH^=!h&TElJ&?uT}X#?`U_}kLdFKVKoaNs6epNeIx#-SfaLfT$0>qmn;1cR?0(oR8P~5Q8zxOC z3HoP`H1!T2Q{BKEGmkjCYYw!bS&!+#5Z|zBc zPdX`uZHPOhI}eWa8Bs~TrrB018;{(Q@&7DnjAM9mfsw|r6B!^??3%}xkM+MY86s{0 zjgA-7IyI-(>kKUGYgxPf*4x)&a$J!T@EQ_zc=)S(qG0g*;-5LMU12cl6h2u;e8b@G z#W9x}$2F77@DE0k70-n`aLaII3io`-EzY{Hy+%4@0N(;3eeZJsH0=i*q@8ed%&bp znI1TA*@4-WT5aX*13>=TMRNz5d>;VWq>i}8pv z4XBFi*!r;eZuyb+;Z!c)Xl0j*tuX80YG1iayveHfRk*+w^OJ-5qC5;5qtm|E(jeXx zot7`ms=?~8n;PTKYov-OKUGWEjED&}NFZ69XiSQ?04Ep^en{!V(5;1fCqyGZUr2_2 zPT<$#uLE+c-Bu;HUH-u3Hu;nqtEiNGX=Y2lG_yB8{FylN*~1&r7BHVZ{Ly$q_gBup z@y7Gf1JGl-)~)NZTlH1owSMVt()C4r+s6E3&~QDj-%egOGl4sl?ETo|0(X~xqik|( z&6G^3s%&ey-3NRJx$h| zFliTq|6WNXqab+d-^zSO&O;k%mTCWP8WLulf0tiR`Me>YOoGYq)X)iDo8q-eEiXld zWRozFDNJS~zV%k>$a_apZ;5Y#inr+GTOc*z9-Q1nij(p1dP`g;zLiXZ3h)5HZ0Wk3 zUIdTDJ|vUjxf1)sZ=v>32Z-kNd(;!eijT^Kh67ZNctJW;kVe;_?}pN-6oFG;bH?MR zO0$J&LoOY~`vPG>8*dZP_v+FAq<%<`{%7_WN7-rZxCl7oFoK40gN*nW~_tR2tw>=%H$9>;>7JW8&!t}_vC|zx?9&j z&~yBwuTI3zS{IKORn(t1e73Kc*t?2-sBN(+pOX9i&C8}2C8iHFY!ts*qvQ2@x68Nm z>U%o}el`${TyVmyaJgLIZ?JEryE=Yx`oZnGfX$&b)7yOwhG8wSzx~6|fQ{O_(`<-m znO#1u$62(jK_M3c@FSnmRNfqHi3kmis5(rfP!i{@|fX&yB;6{IBW?T2uNB&-H@GUXY*r<85Nyv%4yXWD2@SX5|E#ieczK zHbfP&69&lrc%}ULGVuBTt|GB+3CSfyf8du`Kga10%*OFCy0CLHg@Tf)l2XxeYh(-CL(N0J$Apci)Wpn&ENRi6@JGdYs6rqu-7m zmtD>dQA(-=m7x;VJ#DbCbVvaNf^!=n{7RTzDTc|FkOVHUPQcs)fOton^H?KjX;Oo) z#G96|W{bfhwu-H2V`i6#H@f*s@UIVy#YLtMz`rVa*nYBB*#z1~nq3cob!{Lj-X*F% z0rjV!sskR(%jAx8n3kzjtncLF1fw`Tnq&_UA7d&H>hJMlP&^>vgRtkPlZFyjX?CPj zW}lKbvXn;e;B_4HynB)X)X%>$Z%jOV`CUt~CKmk0G1u$pk^JIJ} zq=jyt>^hEGAJ*d$rZGvTohiN$O* za{yq!sqBCFEZN*rTLFhUE>AA3s70&M+KS93wmv>}PFcu6cCF+V=2^0tNq&24m)pb- zE)JHLv`n+xme=BiJ32(y=F_6i?lRZ{Wli%l2eW)MSeK`z>{O7NO0A|gQ@fEQlKILR z)uY*Hk(^?QlS{BbU}SSa3L%U@hDHVK{U67~E`ZA+3RwUbB;JUvnMeet;1QtU(JaYjag*r_U~qIhZYU}eKj(cW(6uOi^B3Y5 z8PFlXqhsP@8C)SS&jhb2cue{q(xbu6qm;^;dm&JaQlu>avWXM~Ef10F2hYP`LSVkh z$BUmkfCNDVgfC3!RZCzG5BLl$k@)$SCX}Tm=aL)5ADT8x6jfBgBkvpYGHLzVgF4Cx z(QP(KzMW&N-*`mR79J(e?imPeGM|Dt@4*hNDJzm_tmFqYxk584LZxxEr!(!J*I2W< zd1|?DriNE*?$xmJK`^E3p8egxn!UjaXU2LOn;d4#BAdY#5Gohm;Bz!ol_iR8EA;Zc zN~Z=WTl#L!uD2oX(@xCWRfrHGQ37WtGZXH&^!OPrDd~ZO_Cz8}yNwb_i4#WxY|Fue zfMmuvmQDqkjl{Sl1qegxEcD~bai5HPi9kzh>JS~w#JU$g-dO}fcsB%!Kmc231He6m zPvRd&mL?a{1UL?lS`;g?TPQEqcLhv7jDq09&`O?YM4)|94*`aV#9E=p(@(_n& zCi{g#5|a*z)rmyuOTIZ~mD99Bsk>bilP^4X2pF$~CUk_B+pYp&@3Sw%PtqdI)XrNm zuePx?64shG+XD+XpL0d^>}7M}^vCz#KT@Vpn~c_z_X8i$Kky+FRHzl|vJW2+zY>23 z?|;=%#3%aOTf;4$V0B34SQRLqx@TQoPh&%Qlc!5+Z!Gp7qxYjSP5&-sVozNr`a72C z)3nIYW6RXF^_(lFty@2fIYW`&ebrG3CYGpeb9+NasEf?0BWS&Kkd<)wr~vj`H)GWc zX#qhpcVTU55_F|0@iEy~I+blC8Ei;X!B#y=(BUDAH7i}4|m2`aX zk@2%H7tid&?vk9z%W0v6ik*we#$-a7Sb-|w4SAymj2(i7TO6vJ4df3{-x#$&x_ZGDd9cS3pgo+F}>zFVne-XvS`g7gh14sN^;&flCEo_rF9m~9%MwD( z97a2n5EFZP{+4QAcWBqXs9s&9)<^g4I<&4`a&mzQm>j;gb=I@=V`*y1g9k3^?zD3< z8E5b8zUaV%OQeA?BO_5c+zcNc4=o;pCos-Y_vsu{e5&F!M>jbI5oxOnl0RkgPW+ z?^7Pgz+K{idyi?XGi^MI1L`x~8popLoT5GGWPrfvK*^h&{=QnSW@s^?(vDKwu9qge zz3beK12dY9jG;uYu^7~>P&ajRovr6!j~0ZrDv+WXbQddq^IkEfS8$*g@~VxN$99g8 zsfl*?Kj_?6)i}!|_i^ePtI|Dt>NLKr0+-6;Qt_}Ca0=WetfOw3WQ(jUV7E15iItXd ztb}ZYmKV7c&VM}S#|EcCBAf#2&5tkGVT4*S$tl#Tgoa%#{Fz2KA6q4=(KO zIsp~|R%>J=DHSBY6>oZ?t5>{KuN-0&_@fztZ81fB8A6+BlxQ{-P));{H z2(b`qENJUNf3%0-e#_ptSA6_&O_8JS!I#CyUl#uh|K7@sZ1`bgQyCmivvi`)?HQRt zKZpOoj0K&YKN;)$f(INb5RcWORaF+lUq&KO3e7w8)f)vtd<8@VVIy9}H3$Oug-{DG z8>h*<8lMFbbX~20?`V)NhVPsbcV2owdUYrR)NfH_K=BLT4_`sAlOBg23nJnxBqQ|n z@$bjE!da8D`3kxY-*Kk*gLo_(;UZB3D8{{?xw@bY*bl^ijl7qhJ_D2%gYScnI)-O9FwX^tXQJWl zCGjhu0_$(M`);rhl>Q`BS9(t3GFe>ESEX^N3dm3`g(l$hI)SBNsa&w=G)1zOZ9@x) zXF+`Flr$=BG|Cx`a`hf@yI3o3-?LhwW#mRQV)mNla^3p&uWpir>xSt^-#R+ILE5?L ztM>Iex!eqTwLJ3?8Jk81#X++iDpp^6|NYmlRzT^bQP8hnxz`9UC(`=&yt}7k56J1e zz274T(&roZu3WDdjJ(wUiQM3uz(0n4I8md?EOeq08!+R}6P~#w|P3fu3->K{%60|QcXX2f}St3#T6P5oXXE21o zPb4Vcvp~xS_H0Kc0oS;%S4Q4T7KEv-3!7fkL+Y(s=Q0ub3F2*bdS z*)7O%Gs8UXjVw?q$x-eN@!pp;yi!5GGTuir zZ?|)dV+J8ZIUy|~Yl#W$5szcHDwoIY*6R(r35){ioB3HhNC>qW!X%jcB3Jlzv`(9&CpFXh6oCEa{_Y-0tUN z^pzvK16u<7>IMeu_67pVu-gFJ{k_5k^`Jrz5~&j2UVhTM}OxX?Sm10V(8q_EhEG1}1?w;iq(Q`r4 z6%4?nDy20FV`Tw>Q_u#GA$ihG^ozUkmfE^r@TS%vzHiWI4Zvp*hoM^> zN)OS=RYgU&6m=D?f`elK!ydV%wzm%ahX&uG)!Z;C^(cNMzhmZG9ny{GE; zHtbWI@wMb+t}K&M97qa;Nj!vlYeM6ieJ?2=3a!ZBCyt5I z)o{(YDLK#Kgi)?4GZ-CGr$N;)exw**OU(JaMNA28f|#=Kh7y=8xh3Ppp;c$SI%jZkG$2fwH8^6ZoNg6IPgT$HhWGG1|OANdP%@S<_NLY5CI#1wxKA+D8 zQVxfhaEZVF?s+1<$&$@CW&vl+QvyHVC%x+rh4#;Jjr;C`sx;ubO@B(0k(k^;zgn0l zB7f5VLV4;%Ba+1|(*Z5#^HQOlNF9vlk}--fgd?Gwm`GU+{2>Y9D5Elql*Ec=f-A+e zVgn=nx{p??SVkjQ9q0oHpNRLguE7=52I+R3skQCktf7soR0EKbTRLD6`Ax5tI??ca!hT)^ffY;Wf=(A_XW*% zjZi;@*Y42rZvx7K-mf`^O|pPyXc{I5)N1Vxd!R$D)(xn1yARO}x)DH@<1*`UdIZ%+ zYu=M~tR`PVcEQF!9I}OZ$RyV1Y^bmytI459P?dLRc|mj58eGyfU;pH}qiBh+Nukjw z*|Ofs#eJZf1dqK2?&7ugpbvSics;)IC~9IC3z`F3{!b78aj)E_yjTUGf-Um*%z1~` z9?%HlrB6v<&wvVyQuLc>{jgTzcF&2J*mJQJgFRWMNYKSt-%5wVa%`N->6$Pvc%~Q` zmQ4&NM8EmVW4!iqjnH;sSBH%?=r(bBodRy(9|$bC&>85ejfE=bRkf9dZHDLX6f~D> z`T8yGO}xyYULe~K}It~Wj{Uayq+?>j5i+90a{7(zGBOg4tqt& z;S+eHr7GAmby?<{VIJj{tPHLNoH@gy9HK%whv9fmfC*;h@ND>ZIWSwWb!I=WeZcb8 zL-zx}Rw+0AT(1yc#rPfr2k$nEi-}I{&idb6kF!RT{`c1^!^3DbShi8iU-zW(aq%`i z&#S?El(7??R4tL7q%Mcu7ph zNSpg3@Jd@$6fld|Zqf*gd2OFYfNgrco)?z}ms*z@z`cTAYe@fC(DZ5f#e!y&mKUGa z2$Icu~u)iNia`l64=@-REz_&zU$qAbKvu5e6 ztr|LBq&K~Ik(dB?i~IiP-0{w9=)g@V@4K~p0WXuBQX^@{hDO_SP|FZ}g4t-PjR|p& z#S;nn@By?4k`72~M4Gf1+DA()+jK6s`SFm>eix50W^3l?oWg;__IbGA*lYm6E}!_G z8{B=RZ#pB>J6EE1~2MHaU=y9B0--4J0)6b;?amH7C}Ewnyw8qUIIK?(;~w=Xlg(^ zEi&d>{-)i#G+bofu8X^G>ngjApDDcP+Eydi%aocq+ulleZtE_&ZTW;89U znJz44c2Hrn7u1$2NM~DjI`+o=!eJr|9UFGqz5zGBcyYV1yb4&qTlx z09+mS0xi#XhasT~aqZltp=vcusQ9 zEkXTeCazP9$AH21$HrwF&B7Vr%g67tC(t`f%-W8^tkk_Y8T`cfG~?HrahB81=W~m3 zs?zS<+6-tXOJe!cj>@!GhSA^sR2$WeN)*AANj?ruMnJ+|$}XRzNr$YeSWEyGYXz9v z0eik+b_alj4->vHDq!Y@kdKSttq>8I`+qo7jVS_|^p{HUr`S6}Okqu2iukW!SC@|T zvtYYgfyw05{Kx0PxOlBhr_w4+-@GXf&93@q)ok&D=^x$m5!3hkDm`NaUiGju3;d)P zj4XlMI625)`qvfEz$+9qpm+XddHQoXuYwTnp)cw0zwWyJet0z9FWG(y%Uz4h9mtoP zJ!QGUxRTMQt%vVW?mNenPB>*PwO@M%D-Ey9>ZwkQ z8y7guCmyRYp#RN%I5c^Y8F!&(0WbBFq#-BCjwlgOq{z-FMRw3{?_{MefW-gD8Isa; zmo2|8U;go>44mfEkJF%>VV@aO0MR{pZNR~CWgb%-`Fe8ain3#}ssKCATmhubv#(~_ zd^`364iF)Ji7C2ZwGI(;CxXoDV_7F6_KcHP+*-s=?0?+1{R^DW(}3;)#GKWoRF z*pkW09B?5`J=@8_qf2qshb;fE$G{mA%YvXM#aBa0Q8$mn5LWxu-QurXfm z$6{nbGiN3oYcdYwF#|$pOw7gvh7d!rLJ7s!WW;1?ki+UFDrk2E0uFm{FlZNvjTgA> zL1r+nqr(P+E~IEkTq$a@flO2-x8zwg7}X5=%XNQ=lwV(PR`% zu9^TvK)Sz@CZ{zxr@||<8nrv99G`rG#FaTR*o(Q3H+}^lFq_C~7+SCs41qAlq{vXB zcg|D^u8&3TMYa;y@sSZeeJlec$-VUwNDhrg%4O*Q|B{eRSU~H-g zl?9r3&(g#W2m>~Fi9G;7x!vJ{bEXXh>QTkbabx89tS&=A>`3KQGpddC)Wy_Q)Lqo$ z)Xxat3-*S`TCxa+Qwt!05&es@=r3c$i)7UI1~%g(gf7A2Bi1sQj9K;^G$0bk*J9u^ z8PV0Xv0BXagab2bKrNx`^SB8jX$J7pP1+d}@41kV0AQLTm;jdeY9Vn+Qruzi4MQd$ zzDzzQDDZABHt6++;%D31(l2z)ng@Q^9twCAvNiy;Ml)#T)TKU8d%N3Ts^*3vt#(9f zi%rJjjSkbLUaJg{uP>=A z(g%T8{D&3lT)?{RNUf=?)DJ$pyQIwYw4zvR=1YQ(#!DISLf|-C=LdT8_34d1a^pj zap|EI=*2$-ct<6WkJaI#-hsx;zmOQ&Z2MSAt)uo*hp5}BN69)JBNL);%_5!iSAx<{vNGts%_7oXky{2!;tqt-?)O2#C<= z=@>9MB4pd1)Xs3*3rx~N>6bzlv)K{?-78j%G;9%H+`JyRmoIlZcp5C1tHV=b;JCsN zt0`Z;ymCs+pa9(~(XbYN!Vzlk2o)8Frp-hP6__4evIM?n*Dh;#Hf?{lVY$YR(v8o+ zk4SpNzVZC^+NwZN{|xYSQD9nou&5~5J}poL=C6#_gf;S&faV=e;Qvj#8C04(!r_ji zJw54Pg3rav%1pEyY!%P1wg#GeUg)&f#okSCo)V8c7HT3&|For><_98?!2IKA6LmNg z^v~X$Hto&n>7}3SYV4AkOtP-VfzNT8Ga5ORX0+mV@$W!4>+q&U;*oz+;m@c=9l^Dc1L33xbK3S+EyY9FQZx49H$A1dteR znP7a`XL3Eu%Q^Yp=M@UM{yCRG$2r4~oPxLkEw_#CXL(Mp5J$kR@;{7GQq$mluS#wB z9T2~-)oT3o0<|w4f}+QV7TDlD0Dq&uVj@lrCE=M9dx^1RK_}Gd^!+pbII{1LGq&ipI+)p~_h`WyWRRCDLE>m? z>wQx@*UN1-`TEYO_iY`!OG)@uvJ`um*hewDvkP@?#so|uE{fLu=zrX#P@_fn=i)=6 znXM4bXiaUo0W1LkEKM%}OGIA$0UHM0qD6cVECqiRe<1R7v-q0$XV5BsxK;cE;hGO@ z?FB`c2~PZw`JMP@@pYgT{~`We{3$4=_lZ9h{{f~D+>1O&#FnpsAoKFvq{0^ox>DF%ea45a_*YK>l>0{t2 zaLq;HcG!0QP3K>JGq@S7Otdj_(Hs8Kj;Imq@P&~XZ|%k z!w#P-u*H}%*m4vaNw9M(rYA?^k1rz^P&vslAI2&92FAxrQ{9&vlke?+LHyWwwa?B} z+Wg{&PbDvY>Zyy9;Ej^v9~766pC9a6FnoByu3Zb5a~JG72VT+IvG47RfG*Y1nm*6& z^MNP6dGyh59)&mDS5#VBbRW9uv;5_|3i^wVU}lW>Ly6>~NVAb2gjz{z!Qi%w9=qtG z$KYdR!;aw#8hHR8%lt3wmk`Ygn0H+8un`4_#64qNpr~Jo=fGHx7!{*EeNYL8$DLMuRGgcHaF8No0Jpu-G4gZU@oeir*w&{gu?(NJ+w(BB!~rv1g* z*4Z?3!>W}Rd}y3mQ7yhNepVh%@Xl57rVrn1jjmcE*J&#JOI~|nQ+P&q!f12L_&>q; zkV&S0%D$MbDEEwrw|#R&XVS17RQODG1zqf|^E>yR02hMN+ne+N-q$+EZRqYc@ajgx zmK_yE=TBRil*?~{7dU(hc~v#1^xBJj3a+?FF87V__6_Zw#wk^_L2mR$eZ9}?6*t}} z^VZSN-Y;66wMB+~LC1i)xYSXrsCn_iM`qe9olc!9%m&DwQU zcYgbX*QvW)VJIK?o%r{IJ;Cw_BRBhHKrZ7oo1XymQ&yLYnF312SjlcH51Wmfc}uLh z?Hu*0_UdIuS2t)d*=4NJDC2BK!O9_lo#kw4nhV*O{(hPIwz>t5@H$~?Km29X9QU+3 z)Lxx&inHUYU;EiwqgT~sELy2C22DT(YQ~N4fa)0C$KY!9Vmlii%EL60aH6O^5wt#! z$zw1&Q4P|Mby*%;-gkUpp67v?J36KqS->&>1Llg4YuxQq=DqfruLZ!mRp*`80NwA{ zm#*Hnw36k-Wh3d6&f2IGz(V`E#8?}W`D9@jHF%=fQG!FQ90^+ZT`gdOjd7r*qS0S# zQvxtbosa|87TwUXzkKQK>!w`}?kTLl+0U4PrKHpXuK5|5uB=$nx5Rdz*i*l&e<}o1 zn5r>0MkE^~Xcm?^q;y%utiUSs0fqcmP$! zU0Qiz5l{u?{M@&r`V5i?!pt%W3&B1w4Wk(;7R$n9B_(l^f-IM-M672qn%V84MVBP2 zS1y^_ykJ4(mYZ(aKJduQ&3)d=wHs&b>8Y)q@0)s9{Giy`8jA(m>DjX$12meUr|#YR zyxZ;Zq8;`hA0D~R>GXQ1`V;Mup6wU?g1Ml1_UzUeuae!gbxSF&rx|t5PoCgvKzZhK|Z~^2Uf!WPM-~<={+N#?}azf=Zt&=?<9Pc1jCg* zNPHNJkc2lEtt}|3CPwBbCbMOwSxjo&5-cPMPHe`@NU~@T5!)LMTEt%K*hAEX-2-sY zHAi|zreoBY!TWBD#cc*B+-9@eGBRA&)VQRniJ70MoZYmf>2OndSreEQPQV{*Nsg>b zZk@rYHQdZKZ>^chY1AAziqAKdl{YcP7W^FP|7%TUVt08{Q#trSS(A|77*6~d@BLZ& zO@!fX;HLNsyLZ13KcL}c>Vsuv2h}o8lfEf?S9xP2nn!_{W>3lh8mD!X7jVD`{Gb}l z0ACPn5+9~VsDTC9`+A*_BtC$W4+nJQF^rhFL*;4-#?TD%nWY0)wSz0!;yP!j`Ah%*BS$O%ngfY2Zr zk}3i}A6EepxT7S4=xI)xGva6B3}S5-(QyUwNuu3CrH)IpV}!uMaG7h(_$4%XEUF<~ zshJ07>e(lp1(7y|)-wb8&^~oJ;Si&d0otexpLc16MWu%5 zl`<1;fzSZWIzMQim%f`;$rO-Q(zJ>O--8N+j8(8QNNdY@h3ZMAn$~gsFLBHg`s+s6uX!ht>kE z&aQVb8-M_0s3<^3t28pP8^{eTD_26GSJHC)xuJL)Z`Iix`eLP*D`%&iV>Gtjv#SI$ zl^29VO)g#yTDqNnvuUbVPCEgpsReYKP0(>nf_0Xd6tsMwPC+wVeH#GvE?tES(kcZg z7R*ji=4W(TwFPMHtlXkg0cZefg+ZZ}p`6e%7b7r8`eYcL1pu{P&?y)NWLZW=b3of< zSF2iF3YxREPU$F?Jy6eYlv_=%)}kT-uv0gv-HhdOg)Uq|>l&-W)(*K|4p{|PtJlp8 z%4K0&yQLTiyWFPD%k6x?t)j~eb_f+L&>4Rw=V*pj$~XY^aR%^1DuWyV832rfWicjA=bq4FH_SsOeY%0~P z8ERL==}_siapqVK(^76ELx-svs)bsDJ#_*>+J_D4n5&Bph8Pc?p)C^iFd9kFFyUr{ z93J6-my5A@Zbv(e5DekF$XL<>YMhKEHpVNzY%PTP*p2(H@adlY=y3jX-^`hRVCS?8W;E$Oq>liFv3>U5 zX*K~WX#d>l9Zk`4r}BbvYcM~)Q)ZgG^qRSR_M=<3E$$9njWLLF_^o9 zGcz}Z8kWti?sFEE@w)5EJ4*Z&_Nw}UM|wMw+uDP(mNXq%VRm;-jV!1xt0}ID{Lh1( zmu+hUTRu3pzi)2mwc_xPx9PhwJAlPI;N6;qu?nlo%5i$V-7wec@mdp=@#SGx>$cA3 zl}!Py->fy3gd*lVstO_0f`T3 zr8-CyQ`W{1Cph0Vgc3PeU^$G%WlHR(L7Zj*CWgzwkkT3wrIkV%`2`6S}voIN=&*4L^Bi`6d`*A<$R`F+4-Smg z(PjM00~5R-&wv$*ZM{TZ216MuXl`#XXg^8J94z`xF~o*CLJ<;lNUWp8MoMe*7X@>i zf-J=j5gtX!vJ;|xCc#X6gT|1Y)W(IVkIt~3k$7q($7kbcSgNihQvB!2uN6Uisx3Si zZcEvNimxmGTpTH>(*vq=6G(3A1e9LvJ@6j~4*UlgDyb_6iw}w$bi6$%ei?3S3j=-7 z&g;PK2gQfW>q?5PAh~6Wn6%Qp_=W>gUKyO%0P$|k2)e#gY^6HO;ha%*U3H1JRc+)C zr3boTvTHybBDtXxqQp1XJ2F6W^13($Z|Unqf|Umby9NfpEBSn6bzUCq)82yB0$FxA zh(s#0#b2o0VL^}HP+V2Aq}l3kYV=#1mz0K!4SHtTxB=!9@UD4Qugi|4m6DPoFR;6M zXPK{=WQ+)*wZ*&aC~8NYSZ_**&(MHS(*go$Si!Mlp#X_nW{In9Ac)-}v5XlH5WibC zPKfOZ77k0CTP~6-+ZId zqqCq!I;&PoXT?|1S-s|)Z`7G}-%r^~C?2&?DuBl|Jgmvc2pFmH2MD_>;kJzViI_~- z!vQgOIRW!|tnO*?*H8BSYINhnpY6X6O_;$R@zS9?Fjec$7XW{2g@N}hS$X8-jpv?I z>e6z5MWu;7ow~0{{J}f>KYMuNg+G7kpBKCeite}-SYF;MgQcaed9Urf@#K*R@6wh? z7-6zh#!g(G@d_l0PR|72_zCeMi2_6lxUsMYqcbPT85!o2`o09CM~x7)3}V>?-_K)N z5G)M$=%B2ZO;K&w!-^t237o}jB+USgi>O<8!>}q#Vb}^Xw>_?_+PNbMBCaa$;gJzMy>7{W06%5Xv41?B*={8La@r8$zuh2rsbuQnww0tT{p9pD&-_wAfq~Q&w=znxajSeK=Bbi=i(8_slSxca)ia}C2lo^%4 z9jcMh-y}YAN7uVbOH9ou69-nXx}ej>utv4ov}9V99I#g3v~rzI#tJl3Ic z2xM35&8$p7@+L#8Of_4Iikp^I7qLL@Z|LhRY162^3TPHob_mq0!R2YFT^>}mc&l6r z$k@wQw)CB^)X_9R{~@bWNW8lbae8(Gr6i+X6}6b!OkIq6WNuB2XJnE@3s6fII}=rF zAPoFyEr&Z}JmwFebuStjam*@@cJYGHiJif)u^V+=vbcm!kOAL}q4lM-s0@%}iU0HV{wtFYg5|TORx&cJPA0qZx8cf4$ZD19`c)mf7TE-Oxdmm+ zxUAJ$#;|s46Ii@75>nK}?D8UiOUolmi>9buMHl{K#5-N5wR^nN+>YBd4whAETv}Gu zv$5CjeQwR_RgU7PntE@XuC;u2MA}@_aqWS=mi9f*Y~2Z%%L)|MaPJE*1C6q^+#aZZ_{Ps$M38I$40vH1X??iIsn7N=Pkh(*IJTKO|tw9G+66xNMsaaWe%Bzu8-Sx?`( zp7~9B!*=o5>w?`b90%na{WE)(tzELvv*X3fceL7~cFsJbV@>yxM5S!{#cP)|M?7Yh zQOg}O>T0#YNaxv2epY7W3PtrSe1ZTVM~`z}qLZyj)W;Yu~~uqi^1viUWgyhP0u$Zr0A}MFyd?v9+~Yr@x?6 zW}G%_VEfe_w$82<%N92&N$J7;N)Hn^Z=-o@R`P9F6i`i3hwOJg_)tC8qpLh{Ss zSc-UP8%f*}k+Oi~3lB^l1O5w`vg}68-*zsj7e~@xEZE8XcDOA2w{rnKZ^2IBXj{BT z{3p=tS=fp#PzC)Z9hx)!NAK%WO z0)0Od&R%vp4E{{iI&hyBia+B!z8cBpCMt#_EQv^lC9=2$&#qJi3#Jw_8qpFUSDX-a zVoQVIF?nzll|YYfY!F}n(H-K~x4-d_;esQ8dv4#`yP>0Dl+x%+3}1*P)&SiL<=Q2& zww}I@0JvY=tOvg=F?1>ZwHDyo&sep2V#G^^f~d{{qNg%Bsm{=-(#g!dV8d` zr)}Cqt#ljfs_-kf>CNEfD>iV98@X z(g$iUH%w`7sn>V4b8J<4QAN3>SfQdVDs`2ketPV_61|`{wO1QdXtXf+{id?!@LZbLcD2bgckoIO0l_hrIFRF}z-wtEWTYis&H<*TQveK&I3uE%F(w zbE%Vfh5FPk)`<7cU!6^eHVrWTC-%h6$7cI7h|s1?7?4z$+@O}Tu6@UNZBb&H6bH#d zx>t%3={;lg_Jr%nlTH`SorznOV|@M)@s#M2tawprK^+DX)iCyfN5is*NJ1GGm^hjw zEjSX_BjdbC&;?ph4(Lb??GrF;E^smt))RzV&$%m!h6b)-?%W1W&?J&~ox?0IyF|bI zg38JZmg_GmlSQKoIy#0I(_g>)Mg4%INF1^+uk2l2eCM6Tt9!%C?7+=vt7`zW!y~BYBitC0MDU{5aKZq zpjq~dmW8VyspA$kR?XGL#b3wei<+wD=;F5)o0=EIEAH5Qhuz%N9j~}EDxHY^KeW9E zU>imDKfW`&t5xq^vSf9++ma=@TQ0F3$4(qOP8_E>z4zXgMhgiL(ttn=38A+n1OkCG z^*A~gjyw1Pm%D?zgM*`&B-Z3Vvnx4H;J$GG@9*bCyVG`OXLrhb^WOVB5RHmEN#V#H z24h8MMeeP$51ae@L3B2H8U8r3a>#ru1^OxFZxQqJW|LCU>+ zAk|~j9XN$&AqrKoF<%uJtc*gRak|_uM5ff%PRajGfjnDU5~Sn7l2}%MU$CUoSMX?n zwkz#Avq5h#>u`t$GEeoTIxFYTfa4y$af5frkj&MYV!s%*5C;d-v&u?>z7dwpC03}D zXfWr(O7TetA2f}i(lSZjHh{&wxse)4O{Nx8ln$?ie#j$M(!3DKuM+l02p6UsNOJo< zQ7>_;Etp_pu7TAVP5fGlzb)i+(MU0s$>1d)5)d3eUbdoCrZ`-@5B;mW{|+z@w0ya9=a=X>+KrBr5a?kZW~HAV!ZPF&$5*_C7hMXJkxn*4b1JxtE=L zI=NcJ=4LYO4?g!6IyeI!xo2)REWV`T7XD$*K6cf|pz^Y381TcnzSF7vaELO|%aKqYa-7k>g=DDg6v zNc(S2NCew*LU-tld`F4tSYs%b@`2?eRr%UNz;#@M>Mq|FTuPxEPwaoqK9dsDI zb3dbnRmNf?(`G#1%gCAJvYZl8by*pdN>qI+i4>NV)yT%6V@4y>gR_|)cnUo~WW^Bt zA5=WbaZsHvMwrKZ-F?e+@6aKBG(suEe@gI(f5=e(8*68Y^TnVC0Mv`yKmS64y;0DO z0Xib=(D^AyWFwee)0(R27zq{;z&U!HqADjVt_Y$F4^Joy<pnZ`sX>gal0F&@RqH5RQd1L~R%ocYb~@#!NY3<727G8V_sw z4@y-)U#hO7)vn0Qg&om?VN<7v%jS-YEq7PViD!?r=Ie7R#}@lWS|W?U?N@Id)>70k zq$u7!E?(4#{?)tn<1+8q<}E;z=``dUcfZn9-SYMemO^iVDPLX)q0(D2p}b^#d6vdn zJdxgCzHNPbz*Rmyf9A~gVwbH1Hg#2B+ugLZu{`ef4ykKP3?J9NW@$%HdDF;i^4qmp zHCe$t=9%5?H%DvZf={DS7bx-lypE2G%Atxeebh>grFQZbUPOU0wd4p+PROD|4fr}@ z20}i;FvNrzk^q^RIFZ_9#2qol8_RG;Q(ItWl}Tu6+Eea+OMBPJTYRvSMu48u*@YK7TM!R68*m5&iyb z0-Zz;qm!G?p4|i*K^tgHfCUq4Lpj$LS6)A)uxQATqQW76t1V$~+jK3u6YWKZuibQ; zC{np|`nY;Ldo90S>M(;@=4ln}D^|33EC=X;^MT&1eKaIQ+JvB-vV3`a8(OY9TzwriNH@=j`Q~h@jG9L+ zBXoO+Y;op59!r|+A(g`rOgooK+o<5zO<%s`rs0$Q0iB8L7DxGS#E}gwTEwNkmx&yh zaL9|-A}{$U_`dWB&Y%V^OH7DdeqC{Y|2wC!M*~TN-W(xVYWag?)Re3%k)ua+hLoHK#Ok zgxumdE)0sBqfwkVj=!@bBOA;-wXJ{iwo|9J(Hpj%>VI2V9S9FCoGS*BqEJKQw5BXq z6iTG%_ssm9prGGTUe>$J?zin*+CFlrO|P?otM`&qcg3XAmqH{Ur*Pr1v z*uG>OWlq=v`@oqATjGPsuU>El_HCJfGL!KwOva^3lw$m|iYeyrn8uRedNjOczmLZV zB1^5y0z4XkS6$i=j_3#u2ma^N;IzTvrdN}nfu^J&&hr->0e7RbjvLgXh5w6P_UW3y*R(08c--0<*vz0MRHv+i`bcKuzCtZ%M+;&iNX zJ#D%~v9&(YtpWxO7?~JH&dDMmf0`a%Hc6D+n)SL4&c;!1|Km6ae!TSkN~x?167DrT zy=X!kleCotluUoe&_j#WW^lfWa` z{4uGu5R(^p3FoJBQ<__Wq7)(t5nu%fd_HdvXo@LmQ!Jkg9V!(u5>YPaWVN&i0Kkbgv}bE(zy)bo9>XKiyRXtReUV*cKn|zctWko$ zi)99#jb%(Cm6bar(O5L969C+4EV#ZPRv@jpB;_Ow zr?P4blpDsWgZ0%JjbeFbrcrMEVVylU%i>mgWI19EW{v1St}Myb&^bQ@PDUlR43h<} zURxPQXA9>K1-H|l(r^jG8AjCD(U2aIG*7NO?UZKGs{thcCeZ~ADMMkyCM9)zg6;g(U zK#{5O88s>+9aLK%>n-xSX}wvk)#VPgW~ynW!t0FNEx{m^sor4?VwDIpLy%@bj>Bcm zw{=J)d3J!w^+}Tq-he4jQ>trGNg|`~d@+ZXNF}-`C+i<&&2dKaOV~Ua?Ug@Lh~88I zP9+m_AO|WqxJ<7B^5nV>xu^&L{?5XFffkRke`ES2N=+cX8d!gdE+IP2M7Y9Rmh!6R z!YJd_968)cczypU;ORM{5=o?FL?@4jDH8P2c|AORio1#w<9^3?*;tC#WUga%jwQ{T z;;dMv;(*vacS=E1ZcQ)Ew9_=>vT^dQ1xl4vo@>^NIXzS`Qbt5Wl~Sb< zF>+8~%*(TPi~_;3vLFDrOkY&2*VMGe0jL~`$y0ZJ)~eSJqksHn-qPO!d+*r0)-4_u z&yb3J`k>i9cH}MojNvwgc}UZW4fj!lamE~YmF%Wg;rT!Xl^~F|U5@#q)xgAw^d@7d znx;*ddT@*MPMRx#`5;Z!;qh-23}ypF#1X?~qs0Yu%t@qN4nPxnkhhX18oVkxPz|ey zq7%N5$?x6gsCl4My=Z9Xsk%jej4`_uCMa^I|GU&j94eYfv()aTk7 zx>t3!ER~PCkDj@zvw4Yf^po|neS8_m{$BhqBVJ%=nGR>PSo7=TIHP$MpK<&CjJn51 z%a#uBTm|0f-S3F!8ydP-cQ!3jkAAR5zF+2><@b?-P)llTo=s}R{~UEE$Efgwt)9}X zFF3!abM?eVdu}~nWLBy|NBn_K*;2;Tx=hyjSY7IQQ(1L+)?qVN3;JRLKFAQNiyB8w zqGnQasH>?%WN*x0z`NoL2nx1=l-_8}Po_hWUQn*Z|9Asyq7aM60+H46dbffeEzR%e zdPu1lFQJTuSW^J_G%PUD0X*%R0IR{DkW|5=-v|^Ve=T8u@ZbU(Ud13#9MJH)zA+6O z%Eg%m4crM#dVOvVSI^YdjWjb(TGV3Lq}0?y@eFam0U=C`FfU7yg_qvzr$fQDH%Y!^o3rX20mTA{rr#cM6#KAcgCaB{xl=+G|GpS z=-h45;O1Rru2CbtsuoMdjNQcyeV}pD^_?oGPYU+*pHn9DIR#6U)KznGU_Jzupq$Zz zmuXHc(Pyv`ICJl>y?)qDH@}_?>;!l!MC%nO#{HJq44PE{?Sa(jN=&kLr z$cN{15z%V`WECUO3E-;2Ic0LVloKtvYQ#ET2&8qh@EwmOY7LF^YBsWG@G ztfa1__EC3Hk5PRCyJiEL)34m zH>f{jO6&qq0VgN`)jzX)I^YCSc<-A3GEV=O-}Be>kIO-e{rf$ z=wji2J|uo^!HWk-4f4D6tFHpoe_xY`@>|dHdxj!>M1$aUzy77*(O-aj`uX5_ zUP0;cee{0+OT4;c0ws8L#}eSh`Sy=K!lgeJv>ns<=>jft1}}XZN#uwE&x7ek!jk~O zCk{w0pKOTH5(^hR^LgAjgE+_W4Ju9SgMFctnJ{sk18BLwtFmQX1wOW}tw8sVYHiul zz#qUhD}eTKcXe$}{TJ1>$>zrv-SsADs_gPttZgO7bzoZSsD>>q zl04nEV&Q@2wv`KSEqD%nvNXRkL)JZZ*XYv^t~fn>ZbkDgOYw2&fu*xnwlyDExT3B3 z)`i3#?g9mgpL2tNEvYl6jQWL#$IlM?mQ2cnUTdG#3-cx|>D+to-cI_<8(#4Bzrt(h zMSL&Zkoe}-Tfe!8oszZ#bK;i?G;AObD98sC5MxuADEwwLrdSd%kxazl6Ul~T1AETv zOvdfC_GH}Y&G*ATW3CbQ`ST}$32@yfixEOFNqH(XD4|w^gr>qnQ^8s#pv2+}l(JSZ zugCR^1%EAq9U8G6$62h8e-0L;&Vh8CJQquL&N00z1X2&^;}7^L`GprBAnzGMH2*9KaHuoFm$;w<3kBOl5^>eK36DG>~Te0girUl ze8i&~&Ji}iJua>U0dS$edyxq2*B+@}q4{7MI{8i#u&-b9+H{y)u=IQs1Yi3t`aQ4= zANMrsNB@HDW3F0WegBeWMIB2L4ar-X2iBqA&+dLM`B*%LUIXGkz6o?!eR#FTv2bS__x0ggSobiR>$oO$OQ% z!Bna~bz*TDS2S{QCz?Po(IJxu4?X-+21^uAqa9$w^4{y_2AW5;K7459)5ug*jOdnr-=buV9c-OI@xyJp#Jvs!DM&iyThc75iG##!{6$2M#{c5LH@ zV|&qer_eC@vs+g`Vfj1QHe#Z}NN^ZrPo4rY#!0Tf?)=kl?h<7?_qDXfonn``VkrIR z4ae~HM~`lN3Vn~B*>rUOvhm=7TMHrB_aqRb@2E@oMlo(r9o3rh>p`|o1pz`pP$9t& z9lf{-R+(lxe4*5L;%L%(U)oMwcqfE0d~Zqb;>Ep4y{x@tqNO;$VwJ@lu535z+v$Gc zOWd!&anh`trC{vd)2H|D{yqGQL^rGo{ZaTpKkR&I$Bt>!chFhAihvb3yF zugCYOSY>vxaK7*{ZyGXw)wMJGPw&}#`mNpQY2aH4-p1*uciN5}FYVkxP}MJt7JVzC zDFyDAd6-8Y#-l^goR1e`W9G?d!`w2h0yNP$j>ZCjSbzb{ozXh-27rk61$0D9lqJ$T zPRVk9oD!pbF``JwMlnTir0Z1>jmKkO#;GK3I6U|Gjn$J2oiy{b26AH0h-*cOQ}QC6 zwsE)k@29zY|5}<16ugI?)BQ!?7Bm-m3eAOZ-`iT5Q4#c3x*BBee}K|;JKskW_PN`K zRA@9{k25Nl1;9ddy)lC>_1Q|Az2iAKEJNGIH{CFMl)(U|TPrl$>h+_OpQ4*GJT$|x zhrvQH=K;0RNFS|6*FGr+)0}n&>W#UUD0%_y@eTLr-A1ESOE-ae&wbv3w(Ccay?H{N zLIG%-N>wTJk+@js^JGuA?xOD(oeRG$LO^l@DT57pU1@{fw8Iqq{z&&Q5mgXyX5!X~ z6Sr=re;fa%#I0EMi69oY3Te|&))69oP~q4Qf`0K4$+m>uTzu)hZ1J_lv#Wd!{Pf~)q9c?r@ju7W9OkbBI26;xTnvTYG6NH0b9Xw>X;5HB zpMdi?4Dy(_l216%WC!}f0SaKF0~~Y!jRTK84gOs#p_pZq60fiYxGz^wP1GoA3N@8l zjJeSrm><2Bx)1ZCr-@fF(o5aMj+e~XIEr5*dAA&`H>I5xUw#SCXk0SZTOjs)m9J?{aE$b^lt%VR=Bu+uN1NiJCeb;J*pX&{El zRiln8;$u)3iKeg-c$jLQs3Qp!FQ1^*n1WPDB}%0dC?rOZEt4z6YOw-HWg>}ECXt-~ zOs|JZsL?=Wm(>cz5|c?H2G&y+i%bd)1}K$HG?}1WVK6A}ksL}TGBKxw%#0(;`~R)b+BAnST>tvZo^tHk8H8>|xD3TiZDS}@}RZ7_x z0Lhd}2hx8gQ>$g4fzRY>H4^_rq17suEQjl8m4su(+T`x#cS5a#-eQuv(b+!Zk&Av6 zNuO3=nt>p#QdFilhNl{`J6{Qm|8tDtLAZrzaTMynd*Hyz*U@dL2i^AiN^sy8;wM2b znDTl${yI&K9(Avv*K+Tu{(A>SK=z;rlZ{UaA%;(b_HuQUmGV#%@z_~TC8(?Lob=PZ zIuoaH5m(W?@;edV0$x%^HgH9pLD(2BR8x3G^#}LeG*+cB16ImNCUz<%usBxlH7gV{rvaGcS_#1?kjId%xHCKy zY*H!k^YD-%a{n*Hd6v!$v;b+B7?!I2PfwKr2QSg zuKmO$!$Uwzi3AurfrrFt;U#c<%W)?y0DN3W|6=<=9%*labT7Q!yghoEG$9{Zr5WidXRIoH@61Ix!<+I0t8^D~T;CCET7zDWzcr;|h60NXbZgVDRoN#qZcHM~P>cVz( z{dmBxTvhBWsdE0h2HvGICE7=>vgzg~{{YNDu64DKb*g@@P1#iFSI#&ZS0rWv49{vB z^}pBzCecszkxh@b-bI)e{T0s*`cPjVxg@cOTtbjR)6bgTk0H++qnddX`H08BMm!m* zv*DN9;344Y8o*m?^IGIlT_jALK*ALH3=>4jlKkk3|FLz61ft-Mx#Al>yg_W3niyep zpW=PlF^NHc;FnsQNZ=XlEp*6c>6kyi!(yujt%-ycS$Y4H13JTlzEvsJ!s8tLs`bH; z_KG>+m?9P>K$hx&fN*D2^YAx;5b=7N4@iohPx#fO+RLgHtL7E;$j`t>3_}4lrJ_W&k$Fcckz40cd3$%=7V7WL4!!6 zi5S+RXV)4cYSnK2g#HOS=#A)0cbDoTTFuY&>F}=|r>qLiQ?fJE}EmM=Pyz82sk#O?1R?FZ6sAeH>g_m5G-2#(dSYFQPr;swNdfY|!- zW<)L{NArG}05KIHW~7+B#RP&*C`&Q}zx?rg#8z2YMvG6J5Ysqd75`O<8>>|Q_40JI zLZO1!K%=5Mb^cXv1mD4r@AS<#_zr%2Cy=MZf9Uk(=}8g3BTa5C#ex23Z~*fXO0}xJ$2j@e@w~oIbmKCQBurBX)#A?Avg^> zpz*P>fCTu`8_k$!)382FnP~JWr)h*25m@Ix!Exv)di0rR=r9g_gO0WWHD0{F+zy5( z?_^$k20aQC$vf$=yZ<#quA%=mx0?>*08Ri4(E>2@&)!X&`rik;j{o_J6DLkg_%oP^ z7N9RS0q8vrcA=Yck{@Q7k{>D*&~3_s?kp2@V-o&D(*Pc=m||Dqe%USbNq)D^ z;pLNBhk?McBfxwJoO|`|byv?+SIg^KW38=`+>tdkLq{&IS$)^tYpa*+H+v~HhTe*7YWVJU}9Zzg9VNO2(MFOCI7 zYAO>S-2qOU8RdQGvL-wcb4ERU`KKlnun%p$@7eZy+n+uE)w6c{v)!;3tP>JmPPxRT zr#;)<{j6O?{fq^KvYT9lFC`b;hqfl4<`aPbFT%y*XYUhkC)gu%6#D}~<^UI!o3!4T zMnnUj*zGfO+jTmpTVLQBJF?Mes2FNyGP8@alnNy$4d#s~ zs?RC3>j3>BT5#bcI{vS1aPPZd4IVAx@QjuF_Z(>q1=LQBI=p4cG)IP|$Ym9YmTDTT zw!(#(&c`0jU+i}I8a0}w%BGBrl3Py3^PGB@MjctVa^0et9hDl5g3fT)hT58E%-YX=Ey z5mjtrS;|GCu|PCtiqaf0iW3pl9TV<`F@J#b2l%c@a`7>QZ-8%uC(Tr`K-5dA@lnvd z#23WKCHz%^h>@WN85S{uq0yke&lu@BZ=&1glx5`B?0#QUll*Ik(N;QTN~uHF?qS7c zbI@&Xmegq8-(8ct<`bpzpU%3IrQLAg-Y+v9W93%dquJ9IJo(^tE9v}ZP9%6Pxt+Ah-!g+bne}yAvmrr zdvtc&_|`k>v|mZ3Uuo;^XdTZdO=!8JUi+m~`lYu1juz;zg|gAv_mpIpxbA-=c^{f_ z+*Mp*pE-ZgG&8@9o|B>OPp^DKf%5(i$i-YwoIcIu?+lq=> zyQRLyt0BCa2Im}j%9nT~v*~M@3NN75n3K~wOZ;*4Qejh3sG$f>8!Q(4sJ1!|_H>Tw z4*S+;WGopSnx&#O^$|1en~_)NQJ<=dD_N&GSFBnv!fcnI$+j5Sl5a89 z;PQ68*;%lh2Jl^9wA^oo?|EZUpEnZixD0n!MAhSY=oIf$Ud``g&ZAZmYafrB_>$nQ zQAmJ{4BixlN6cXjYL}Z=O^y&oB9gXB2>}n$st<&Ts=d#^qm4y0;fR~}PC#4{;GD35 zxJA?GQ<~qxS_nJtyzTydZ+S2J$-FY z`xJ2ELx%Z~ffE{MR&|Fm#E>(K4E`R`-$eJRN|l{sDwAIhFD+{uQC?=8HfuUPzOwy> zE5U0o%cVJ48;_a9{(v*fWN_qll%h8+rE{C_tYES_=i3?cJtMcDEa-naZ!DZV(d`z-!NjawMyvN2=I%DXPH4c8LuED7)^Y0i_+1Ux_! z{t0?>DHyZY&>60`(uRUkZoU*;VaLVGwYpls*sFnWeCs_EU z7bxbp_?u<$m`(zS8wZJ0jJLNE@HKhMBQ;qLQt&D~1 za8=}oJYX}hc-SZn{)YNsWutm=FZlNX^v!MYI)jO2y@qh<r=zAA?>PDa)$ZT{$n|{MLzj<_XMfWgIcH827JkY;Apk#fxW=4^^9G@mH znWYcvmAbV%SN`e1_yc%d)Z+g5Z`?M5rkzrpjS=`4Vp=6~5-oNzu7M#%aS^Og4@WRi zO#-S`%AF3cc#C_V;8cg~vGZ^~M0_En3iT* z#{|3*gT^3J15AFE57l?X#E@a*|Bfsj8CQvwadFlI?VkD-qiXa{S-GB(LRh#;!7^g) z&@8|(v}#wz)CkW*0`GepaVH%x6SV>{}U#d5&1V9D?1_ zefimpSu|N|)Ul8OATLO(tWjSukO7SVLP*P=s-pE-b&Lc=^MNi+i&bG7^jRLu-G%Ar zp*+s-MS^~?_#6IwGQdHG^ap;h2Dq4)AiodZl2AamkYkQJmFsEW_0$z@MfBpG8(w?y;p$q9$-JT z^^;`v@;{7ubiQxL*TC`hjve1n-~z(*0>RRDr2H)N{H%`_psXU8pCAZlJpP90BbVp` z#oCk_nF5u6t#v9SIuqS<{xn+dqoG@rP~jEgJ9F?Hm7x~1C(*kmhI8q`1jf@p^$ulL zP)GMk`0;ol$=4~zTx#YewSsi5sXBoUuo5u1-sD&49c_kEqBEkPkET7Mga^Iy!MPcr zjh=+u7i<3`I%(i*fBqR|RzOep8O|x$ocHHu;B&*qlq!G9 zVv}r#r{*Od(wYCb?4{0p1!x2jwdQs7(SiHX%kw!PzFMkMb3@-=IqRuwMvlDZsaaEw zH(X6zaih4^9}GA)&jq?04*>h?$#ZFCzB9a18f`}}5e&5(wn{DHYa~!QX%@cxO?;Qe z+G`wvAki%(UdcC2U%2M={b)eDuP3d~c2TFrMtBV+RP(gCIv-qOUA7tZ3&b{0me05k z+;EvNk)?3v;6muJpU4ZVa9z*hy0&5ZGNqBm&ysisA)-4TG}1upO%6K6@eM8!!0(Nq zLl2k};t|I4bwmr@pd;cw7nzH6#esbI^CkHEigx8bl9&5%uG#9&EmOMyQ23G){0abk z>UbzQF-u%R`{d^U+B?} z3|lPtmO1z5SS+5rGMwpFR}^^7369IMI30{sYFG)bG)NgnYCt=78l@tT;k4#*T(;Ta zV5L&is!}?S&bNi!0kcTT*!jF%tHTCGQp0xCXOPjf%mCusalqtHW!eENHC@v`a-~7a z!3>8rm*;)V7ZMD@?>IMw&B2?aTvXWh41|a>zF>nL%_3ML$Y%~QRuS#B%(Hl}^H}Fu zJvUC-P#f>+TD=g2z@IH%wr*%f9EdEk$oYiD>$Nb?p06Tj@TI(%K@_Bi_ zg7hhBkiQn9QCvqg5zw!>)+V;E9m)PYgsa-$%pch>K3pgL)zFS}cXX*W2HF z=8T9+W}dm2NGC3aVf@UQ{$8?sItc8~4{#h(i9|pCF_+{ZYH%!7Optl=mS|#zpCoMfv%3Kui%DrWvkRm^{TQB591=7 zdR6KAhu4>`QgdDF=`({#CvJe3)ZlMjMYT{})HKXZP*lF)Jc#!E=Wh!_(jc9Vd}Ut(X@q2f^nZ8`tUTL2l|od}rGi{87TEJjvg?H&vBZJ0x8{exelS19`U$r6*q=_*mKn zFWVLZQDPRXGx-B1))y0TF&!}yHpN&SXAH#xIv<=2oWMCB-OB!SUx=B%XU3P+SM2>F zg8qX368U29l~rHP*y8{V+m|i>e)+QPpaH)5=9}nYCh;>2@A;-z&eLPhfI9i>E$a>* zT-Wlt96fbrEPei!twHq8kU(Gv$PQAx-@cS@?6i%+P~Ni(*>SjoI!c`)vqRczcgl_Z zWpVHe`M$KGlL!1S??mRJVwT}SGpZQ80y-GYWkoatPEAyaUZc`*p%KbxF<*6xSU zZ-W>9o2x(~iO^=WIf*pkwjIZS0#pI{@f~ep&BZc)8%o&xXD<3sz35pLE%~|BU4Gl9 zO*Vh>zqkZkqma&mV7gSHDQ+3oTITbWwGL}3Mq@6P7=>?%Z#*CqbD|1A)n>U@Sg;RScu}8{BASX|1N=%0+|Gq zIUQp9k~lxfFBOoYXPc67*w>#xsYL-V5|jzV&Rlf(p5D8}&uk|?WAq%+AYuXlFHnAM zH82Ta2jna|(dwUNl4Ejve&-*JhP-VQ=C_#)EB|c4m&c~;N#gt8y$3TmkLJnBP z;t{VEEb(G=glGb!{8{LD=NJxPO3nWUO)P4pXKy^Z5&s9@Z|EMoapTzT4S$J`IDdCX zdCs`TapAG{PFQafF;)+^kgYb=`y0bUE1O?jeSXy3+U2u`k7j__#Q|o_h*`^PW_O%l zZOIPMYIBcdT65F>1w%QK>Wf5#BOpX#M!)B$L~y!dC*jh_+bA5zhv+ zNTxP9&3k5|za3xf$t(yj1`Pm;0eWyrs36n3XRP7WbTUgp@~U|P zO5lKbfYpFV1sLAO(U0SJAtItLKo-A%pXR|+Q=T{ohA!`f$VyPPuL;>50_W5 z!Nq76u<}6kf=9ssmZ{hW%2h=cvu!V3v1T9Vx1Y7@|6w;XkH(Z*nNe2MelAz z?<+FJl8MUdVyZwFbX!6#kJiK146R#|gHA=?(JKv7U}!aj3^^JQ zsI_rMIC6$w(*;L+Y&jEDQja$I%u4~iv_&O`m>4Mtg6a3wigX&&2c^8NzaZa9Tw)7h zqdb^qB|e4l*W)QX4G+T^x#UOaSAN6LrO|Vjz&p4i426hV-HDXW?oQ2^ut)_7bo0`w!Kll^QyUFS|g)?Aj( z=!3h~x38ZCTQ+XqIE>crlMesv@1G5q?xQZqN9h5Gxh62_;0UPA#LsIYLzOqdx2U!dunb~ zRqkG`T)K7FuB}ozPE<*5J$Ud|2`Tu*tFJym3KFe2-j0Uf(;O_Ns-}if9n@56F0~d9 z&dYrEQUB$cV0Q{=fxN%MfwaLGg6cs!*@Nj@kQhevCBQ5E2?-~9*x=aDCep)NX0_n| zD1Cj}G>^qcKIxT~;&Z%2oyEt<9N}v6AH2e!&?|#uKbx3LfQwRnctObO+^=p7*`G5=E#thb1LEZ_x}%CS(zE-hKg%^e{kk1_PHy>L&fFp zN^k`@8h-4t58gv7D)1#k#c|&|&KwAGaY1mZe#ypZ6RLbn?ZF%;`izyCoz{}MBhU|r zZpZQGz2Tr!8Y^&t3RfYB19sE!@nz`8!?));(F@*iAX6-74c@TW=&$Zvlb+vq^KH(j zDtLPa2NZGq1_0S_^*NX{(m(IS2nsHba0d`^{s2K@-~mE)4q8hbQUIY~R2$8w(aVD}2HYdlMV)&6u=?i5lbg4|?8aRW~PEihtz0xfmaz+qY99&6LJgfk0F-VmxXd+psbNLAWWo0d7{? zR!p4HWbzsunJ(G&Zm??FoO+AfU~~bC_?Bq$c#pA}e)c?nGnOAS>VbE|QCiAMd8s05 z1T~M^Ozoi#Q75TCP#;m>fDAzVR|ry=s4pCe<})5Qn~oRr8@YTA?TK-o0O!$#O+Es6 z;E4@TWu{^x`@*kGaDB(|LLGj#54Z!xgf-{&^oShI6y`icK7bivzUPv?m#|6Cc?cj4 zpCr(En3nUCI&dzBKO=Y1R*bt??d6XV9rO?vuh)|skjKARkl;-7cxWD?lIw}a2=W}k zCdT*o2f{>?B`o6j{p-ucat9R!dW{iWTLlQ^CgJQ*FE1o1afi-q*IUkw85`wn?#UPu6yY1T(xPn6M4gO4F+nyU`i6SqwI*-Iy0?EU~`8 zD42Yp518!X0!(+{%EbPRp*xhENuw#Db<$!+WxBN_CqkPtoW7XPXXw9?+asbUTKrdx-WlRyR5sNupRud4x0&xPcv7q}J75aH;u*@#LtF-puT&Y!akv%b;>zNNv5U3l5$@FeIT3$% z+U$p+S;|?HWSG9sMdx&;!eC^0#>)gwdcm^0_s*QT_wHp21oY?y3vaq+(xhu{TDV{r zqZ~YBc0)YO1@RxHC{Gh~?ES*5uZ-h7`}XEzp_vU3~5 zabWai6;)T~=lFxc=9x2^vzZ@i4x;DLJxGs`$Yu5SKQL$SoH=^|yuPt}Y~#*1A78n2 z>B`5!m2II+Co2ko>V$V3`U$VmBdBrI z>(pPVvw#H>;04uS3PtI{0T2s#3`7?1Geu08pfH3(KH&s}6B`Z?XY_d9Gk5|XGWY2; zVN(p~m5kf(!D$>O)J>Ss@EJTBawGB^Fv`;41;iANn8Gnkw#PzbAH@Nq=|qjk5Fr2E zT*PA_YZM>j26$9H1OHqG{JF`G<86xYwYaAl$dSjPkCBJgi#P|K$vu46AdeE_#cO<8 zF<$QZL=)N38T6P0jZNsl1ida_K-)I(Q+Lz>Vg^w59 z6&B;)PGsfSJXq7*aA@aFP&xIf;HZu);L2_vnS(whNASwn+!7(AIH*0!&-`8}rcz@4mZ#_ipxWp>Hj;#4PXW7VBY#R0>R{cvh#x zQeyd=`^0g}Nz>UO!TZfc$!l|RUNqh_T>$Q~(va0KnsqC*RgP z^a>7waoycOHFj)&2~d^d>ymGM92+qr29H!$=I0j_Oa;o(Cb=BI%F41buqGG(8S&rb z$+@}5z?GzAvfG&YD=R}+l$VcH%$UlE$C%CMO+ksooe|A*8Kwf21Ke%KahD?^@u-Ya zZVFI=jN~$0YYDCu-h;jZs^qfKWfrxR^Lqo?r53dWhKXFc4HFxekP4@k9gXLDbk-8JrXN(*3G$<99|E?0z@iNLWLYbi{;G-V*;;G#Z&`4 zhqA=f5OM)b^oa=8oq^w$;HCd~d=bRw7?B$hQl*S0*IZH$kIc`P6zU-!OE1>qphNh< z_-bOjMI&d>n|N1oI!~vZY(xmZH1U|4#TOk8DA zsVoH}+X^xwQ4sTcp@NmNVwPo~M8djghrL-U)|*8BNQJZ5Z_Y8i-OV1q2I3|6YXlYY8MD-+=%s$dm3mt%kdYGeboSquGAjuDGN zkW|A&Qk7&|Ei@w`_R`{PQ6BwB%p#UX)M`*F)xZt_WZN&H93IiyOI4DhEZ^-JRdm-u z9gc}{tk+RRj|B_GoP5S6>J$Qv?=dqfaG$S@)?o1vEiu~$Y+QUD{jg?;`U zg+jxL#WKJ`R>VH5(2QhFT-Pwbw2s9MWNhyV_YCvt*mspBaQ-pV$RLb8lq+%VuXM5*foynrYW{s|tasM4Tw znY0=9QgC8{C=@>XS#7;H(_dDrt!r=1FRZBxI14k{o!X|Jk%eK*MD=Xa=4+~Q{X;Vg zGUeIeYLz0hKq}p`*IJ@3*t-`l$O|^cBjT-ly_p^1N|c*lo1b4xKU^4^*t4)YHfMUd zy0kGzZ(@IhmvTR=hxj~_Gmg!f{BTWaaY;dPt!1CAqy{`sYA!(kT3j99x+GB% z3(j=vbOlQI$R#u%O(`!>+}9#9LzxKT1JIht3nKf^0X9_3lWJsD1V#drLXhC1#AjI* zL)?m_H@om+Ya%NDB4g#}EyXCl_w79ZP-=B~XXZ>MEC$jaAC}t0qj2B}U8udQGVtls z;*z!!@w%rY;0~Mv??(q-DsGvxch8)MGCRxF>Y+15aj8vm_FgfR_TU1yXS%b;-+1rW z+xG+3uG14ef4xq-X#$vw3kY_b7u#XPbkA_I3pMcYVF^gN>r{h**2P?YI;JI748Pbg zMrg{=_@jvxT(94=}R|s5B%;(<-$r(H|iG~`f#do;9u~^uI1HJ=7muL#f64% zdJ?E7qXW#{J-@c$Y57WmO$^A?Vnj=c__HKCL}agw%)Gx82QEA`Tq2H5`!<6iNGkNgoEh zK0h=(2alUKUIA)}EvqSSzFOUoQ}o!beJ>PdH*gXOo%2f?GlOORO5(ehZv)vv;FnvL zD7LtTnJu-|tmTm|s|D|@CZn)N7{;AiO}X5BTgeLNM_!$s7r$px^s93xRqj=3M>n}8C;|4@*PyNezel{h z&O;G7vr$cKlk_S;bO(rM7dD_H`<*ET0phnr0s_Dwsy{XHFSDf5-%G91*~vS7kykEI z@q`bKn=Pcx`tyYT7ht?E*(ah-p&usvc@|Fmy_7GThy&`C2w#>@oAsB8=i+?XzLXy( z#LGOhQodF=iW_j)$~)jNQXZn^OZ1>)Rg7pv!|XhCeB0#J8y+1GHXQxs=Jcg*N!{6F)<3(MbCfVGSArf2lVZPJ6>JEh5~M1 z?Syi#>Jr&&4ql1ZQP)xj1a#~WkKY+0CbT@&M$}YEL`WCHI?UPx1khTJ#}E7Y2w}U3 zN}FropTK?zYFkX?q5$)!5so@b<+b_kj+}<9%nWZ^eqNi`VK4>Eo*akW-`34%dE9&? z&%+nV%Wv~$7>z+vuu>^8H_ zXtY_Z_6&1@9R=0Kxi)7@QGo5Ar z-7WtyB8+ujF2)jm!DS#`JS4z{e`4xK3Qq%oI-3A}Fph)g5)9R!fVj^k`v!d5^zrMT z8n1v9W>a|YUwAeP>s-W-3;ynmmZqS44*K}kw}g4-ttV-A)x5(=>McCqz$=m;&Rdn9 zeUj9z=;Jx?4w}Lf+a=HDOg|f0D#!>U!z{p$EMojemJ0rPIVzxDoxBnckWWxg9~?>o z;LX))jR71}YK1nOL9GT2Un*TlC=<}8{AF1r;K(GM*g-dPCb zMhCOWYBx0(HPCU9CnL+IkdFIm*E7E8q_&MCuCR}s-4$GTw5RurN!5}4ZZFt>8vwgz zzr1g}ziP^~E0*qxzBIWlyCTzR$}6AUpw=un%+RK6nJtfg{VaYo(8H71MHUO8*4{$F0GuZh1KlONn5(XA|qZ**s zO$bO`L&9zApnCGOj9|zHI?5+Em`VdfMkG3>pO`~46CRxZ#00&pB74c$rTY)hTC^-* z>@j9}V%FmMUPJd^G+;YU^CBeYkF|`?7Qc#G)yWRS6UyiZHFIUs<2O|WXS?mq7WoC`;_YCL%n;|ewIC9aSIFo~3|tZ<@v&0Dl#<@W6>!RA>{UGo-M(~?wrb)!iL znlE0EK6RsS(W~g&?vdAkyDp;(2H7)GJVHNZ214yH^)!GPFdfi4z(74S2I^*xUQ#1K zsavOMhZ`<=7=GR-swDVCtUt||Dk9P|{GF?bLb^yz#zr8F$$Q}9j3$P61VHQ?c)x&z zUdY5#NG9x>TCncp4wVb`JhT_R2e+l2Pd2YVo-t3qMhjMh=v+;Q0scZ)PMI$bQW+YmrTE! zSKkB)aIEt~LHW|92eNU~Pl7~4=6UBS^y8@;zUZvp4H8>t?s*=FPnl7_saPq?0L-M# zTTcQ0zW7d)AE=&!a;%5n2OL-exY%Rvu4IhyNdTeKMi9+x0M^ z2ltc0NeUklmYI@AfDMcWwnrqhO+YqC&J5)sVamubp@btpA1(;m?Lm8TT=LFDWZ1As zLO8;4ixz?xhp(upSTP)x&EVICt8m}@5w8pRM0QLGL!SS3n0FTNv%)TdKE<0VxCBdC z7jd^z1p#3Q1Vv5U2Li(UQ4V-Q(@QXmh*O-$Lf&MpHx%;1r@cUI>dz)&`r0n^-UE-I z(+`>GcSu72vMvyKVC&Zp&H_tA-YuFf@1r;F`X0@l`V`6CisPW@?(e{!si(Xl__u~| zxFI}x^r(=>8@lf9htS)Pq{A~G`U-6IggQI#LT`Mq1xViwdHEP9`d|zC{@oC<-H=_N znD0{G)`t84avsN=Hff2BjJMVP|2n%8z$U8n|K1##Bu#Tojy7%6CTSY%1vE|5B5hMn z5u{KSkh>t2bD>aya;$_xp^C0h4uL|cvK$sf*}sYiD+O2O7EoM4(Bdj9uDbqpU7<}L z|M%V`ZOY|;Z8I}(-kW(d@A|%PzW2S~mx+r;Fr3T;+E2z(N9ANSBH=4CVu4N_m+P|0 zikD*SroTPf*sXaPN4AB|M zg8;)Gm_28EN*;Q~$~x_;R0le}RiCKoKEHn#(NH{TnO$v8icZPvkzjDw$3A#-%irrZ z;C9MI$19vFRa&p%kCr58g&3`di|>`67#EMIqtTaMl|!gqS+2FeG?Q)3xH zV5=vf5lSA8yX*-3oV?>1i#ldt(x3^x9JJ+u!qtCjdTEfw#f3ZwP1k;o|!VJEO<~S(=MK| zy6m9|{idTnnu4)oeCtu*?HQ?gFuL7eBjJA*kVCQQ0dz+)Ge?N~5k}{{XG)HfD4iHr ziYTu{d~Dv&D)ZSIJH{Q z{XO<%3n5!!zQUK{dPx8eN>-I2Q1+AvkDPR*Q_s_C7-sfi&zw2o6SkT925l%uKhOaF zP(Qok%WCMa{&EHCLe7alQEhnx4X~?_mR|Eic|$7&6X)^gc=eaCUtkr!ORr|7k9W{e z&X!B-Ot^@3CI!?|2;6Rg%S-s!LKq|)$Ay#bcINc783fU^5XSp$5=~-U%!!!zc)W{4 zrXo*uulV?0Rh}ZF7mMy=W8#fDrudlgSh)8ZnMZnf&<#%y984@c?CJ4jO=;`d(wdr5 zu1jeR^TuqF3)!I-Pf>Puk*CFEx<=xzwH@bf@)Q+$(BnqqYpF%dmiD`AB7ILXm^Bk? zMOz%Sk$=So8~scql_!?JeK|e?8fY9 zk8dR1!Q6%e`3M*aCW2|898Hi;5Lw9S@7HVO7Zr1-sfj|=92I0e#J;>W?ObIAl~ zGdpp%1c6j=cv)zMUeN|~csKsYF`HPM7iyr}Bbamsa-Uh})tO;uDCoQ{nbX0WjS9x; z((!^Dn#Ilx?l^3UOTl%E?A8kpF@psvOYC13NmLIUd9|c z7_DV?p+#>qspxBMI`azTd^)QsfIcaN^Rz{1D11a7DCglYw35SPrPhZ|ZaK1T7YF6L ztsCJ3pMTDsJ}hJBX@hGnpugc(?G#*C1FxkHh0gDnvCt&{gqNfKFelKo4gYcZU8*{L zz_7cQJi;?ejENlDtWX&6;T5^uY}XqM23w3=1&g^vgF*o(@`(m~4SW=GFj)hqDdjOX zBmT3+$W&+(w3(vS=n$6}I1MMDdMz8zDU>|gz_9RrIO?dJflbGbXW!PoDT@vyQ7EZTA9FZ<-I2Qp9_y$?o5q2pU%w{Jg_qZFx{6x>|GO8OG& zdw^i>0XhuY1_f^L2*bbqOPOo1bpO)8znAXk&c5o)MDdxvq73%YrHA3;Ej^aK{r0lt z*WgP8Lme41drEX?DIRx!07~lVo#NdbR{k9Mcyq48A*aOhGx5gSJ&LI`~*8HM)#^^Cqz$9ND{~?)UKFQ^r9> z{M7j<0Ua4J{45-Q`st#Pvw}y^!iPq}DyCa&cQ}zT%pEzg)RhYb4PC1t6_}6N_Xf>tD%g9@eWR;9c)~HwP+0I-sTCK*QgIvgnWFP#F?BUB~kA~3j zR2p87_d9lc`|XY=-p#VRX1&mJ|2Jy_>w4tcJ_W>^G`LkDlh)}-KH`kjOPr1RiOT?8 zfd}M)d{6{>gMOGk55^RF1Q-LxE2^Al9h7i+c&RSh}?)fq{s~te6ss&B;9TF-Xqma>~D<1T{dTgYe$HstQ-@W!gDzU zQ)s>z%2Fg>117WEn<*p8YZ(aK2+H}*EytL3%(j+egPq~OLd_ISBHpa@I9XFXMKh%m zZ}UUPK+$YysDQ=_XqZiZp>XS)&WaarkN;s{MO((sV9k;@-&|6)e?PkD>fWont9-nL zP3$=?!JF&w4l4FO(8*};r@>Nrvcjsim{bW~k4*+zR-wJHq=>B#OhA|TPREa8+cNF;Ok3x%nf6Swjp=O9C;mD1S4nRR z|B(EEf`_89tGh5&X-ZGb>@2`2gE2;CGIxU-Hj0%oN^?fozd;2af6r2^iPYP^W$(5S zFys!H2pr?KHrLlTv#7p#>(*x2T$pj=lZ?W`4ERdAkNMG;4qwSAgf%3so?KWytDehk zIh0;ln9lbi`xjoo`;a`^3Dd8O_(*V@_%P^_(2f&NRm~yqwM3c#kx)$`!!VCD$q_c4 zmu|@6*F$dY`AhXfH!YYwdD8644MR4)b9U>*PlobI@p84Xdl~w9arM;|Fz!s{h5FUi z%eRkwyn4wv>m;2aQTMm4-KOPd$u-8<2VWg~7;$;*fm83+ZaL>2U0J=Xa+>fD?j)62{W!LPwE$c%Xg_Y}C=LP4d9uWy87^D@Q)Z zIpS!UXfLQQW*P`ylWf){)Af@{v8~@ifsbJ~kV^u-tO5UICm!e;x_ z`R+O!N`F4#x!hJar1S zpk_9RWBw92$~2xr-!n7eNYsp4;0WkfGunVp-%TIzX&E*2>usFh#)9A^W@8}0a@5~P z;2+FJ8i4-C5zu$m1%Sc80bOT31IU_DTu9+N%!~Sg=RpHz&_q2ixF{6%{dZnzA?`hQ z&d7^&ESWafxrvKYBY`3%J|b9M`_;epNN9BO9>Qh>5jV1bv9u9D-m0|Fd|FxwM_wKO@dpnvW%~^lvISj6at1( z4(l^sh!@898KxvYV3;WUV^w@~lumDsPRe%VnQW zW$2Wfms+qY)mc#BOkGuwnwQ&YaPd{!;)dra-)vDRFfAK^CDw9+FrsG2YKas&VM0}* zjtB*KO56H#D`U2~iAK~*=h{hk4=E?GsBR{6PQ>QTCb_z&YWGes=MG)FJgDkbb#T%P z-)U9F#eGX>IOA@C-fime0Rv(dzD}2)`3Ek4EIok%6+=I>rtn-!OweZNGh2)+BZ>c0 zv2@jQCvJRH@v0fU=P>AXYdWVdJ9LQmL;0bOx_9{RNr!6&2vJ`)%zVG^v_W51#ks;7 z^0oTF?j#N(?6q@pHDCB z@kC``OFG9VTDq0yb<#k#%Y>@KA04im(1nGXPI;x>EQvgqZs}Y3L=WUovG}AVRk-&0 zd!XObzm)pgDlE%SOw2DU>{^`TP~og_hRV1YvzCiWbXW}rYjUEBQ^%O&lsG4xpURO_ z%oZc!%*-#%OOVaezdzh1dF5i-eCEVa>nR(750tPpT{hhQaZvIlBbrSR^E?8OD-)tH zMbfgB1H(UnN|?O{OPmpPsat*dMp{2#aq+6{uY^PgLQ^UE|?o^cbc5D;|kaIbDt z*tOyQ>M|iiJ>PQrWHM)jH_nePUTkg$sF8x}e_Eo7T6wj)5vJ}90IA23IUu&_3Oa!M zQpBZ_IT5Gb3-xu&uhnYATJ()xn$;n9k$3zF{Y32=h=)o5!$#v_jVCne1sM=z$tn27 z0Dd(F!Q{f2R z&c|PXn9}HtxO$EEsa{VCpw?)Z8WD3IE1@Wq%HZ-zlXP0PVD&y+;SzELEsYesh%WA1 zy}eK->UtaH=}q4@rOOlYb)u{=_@{8)qnq4cA431!Nm^i8#H}>AEC%+yvJ)B~D&41z zGfb_jnrevC?rXi=-gHu5p?s(Zc=(QX$cF^f?pMl3x({h0li5keez;H^X`Q5S>pXe4 z@~!)+N~MKKC+A*%6x>>ln`uRRu|jP`yVLSp^~djCK-|G}b*EsOS>2-#(yLobBZ?NX z;UQ(4Mo>(COW8=WN5cA3JW?4pE6m&Yk9%9qogAAYZCV?zm#_FwO6cs3iILrntk~{BU`P+a9MuFc19i!?Y!($(QYce~I-;-B!7Lmm ztJ;XjB15VrKdq0TCJ5X{igeI*`poX#XHG*`U=0>)nkpu3+BB(xa$V-;Q}gCM#rO`8 zQXHTO?7!;J_j|P+$kd(0>I}>fjTIF}5q%guu@p{Ux)iNN|H<3_Mf1))smigi&S{E^ zH7J0^N?K2OJDb1Qo`+?+TQ|{lf%LaNU=SD!rr)j4VbPk>HCHC=#?#UGk5D&+GfDT$+X>xT?3^pfZGQ=Vl_UZ)8oO`uJ+ILXnAy(dNhQ%4Z)7Cx1owtzMnffpHR_vSD_6 zZL`vXFI8-rcvrUjSSWe(SM;&19XU7QSLlB!|IMR5C{4gGoX8aeSYcKk^vHI%DC_-`Q#A(B5=_O9!@5d8T!A467H`{41yC?=7xUv&{ zQ!8p}uPv{G`n_7IIk%6N?l~@s$EA!$ZI7Nn1c>rCa&t0mTvFqxB*U*Q%l=3|=_Qf60 z_J($;ME6n-D3uxb^47r}ER>j+aoN!&DeZtnDCd2=apW5?_w^T{VH?LikN&ewia#Jd zE%0(jBc^s)iRhRlIkXM94v?=3EH<}^3q<6kZ-g0QsJ(+iL~Tn?mIl`x>&g~^Ou5K?i9V8&eZe1G~-EK!#mIKXy-}+VOUJD8?>UL%v>{n+rcsG}P|?I`}e980N?Vp=a@A%ncwjUPS)qOw_rlJ;kM#X&^OR z)O*|2>yphkN0p-#KwX-p&1Cy8+w`DE|Bg+FwVD`>yEx6n?w)@5kCU^jQA6pQjY}T!<+|3SJ(gC| zFN;@hNgVwZ9BD0@JfwDTL64S#!Xa71CeNAD`Q;-h_f1c>#X~OMcHx)cO$80#W=T9Kl9n=L%kvJ`8O}F!V%fY{Z_jyu>p) z?TpTO)e}|?cnGq6W8!5of~b+pvwHLPUb*8`N=^CV>$@gS+;tt{LuK)g^_WCM^NGsJ z6X^QJcN)>Sn(37%n5;(?ywaBD@)Ts$mQNclAJx;uMjH(^g0Y`ckoWU>x(KK^lnFj8 zKDqt+Ba`{ZNhatFx_+W^>~gs7&mV5YIa5C}Axtv~he)KlU>B~1&H#9A9-9ttZA+3O z!umG+66*hkZp5S)kWH49J194IP)kh2iS*lW6A-g$viT|4%?6slC51zbbY(D!C}AKz7&$TKI*Q&kcq}l#ld84V2I> zBz!?nb|D>N1i_W+ZpfbWSDu)9CBn#pnv!TSsUX!}&ev}$6g7%ywc_SYg*qAsN#M4a zpz(F5bBNL0p}?Eq!kEKZ7=+S1v*(=rY*-AVFxRr zT>wbM9?2v>)P&)#XKS;Zfq?MnTc8CKTdM3~eCt12zy2eB*ww8;A3i0#*9QqHrub>d zL{iuLwqC_yf7{v%I_GJkRxPaCXcKHkn}YOpm(Am5sfml|kb$Nq^t~7MLuIHA|Chmj zUi5ua69lj)TmX9_F#Qu5K)xn_Q=o|@2iO$E#cK7zcK_WV#19;VK68XVWBG(ORiWg* zJK3!ddoac2=7W3Z5mfQ62qSNzbNZ`(DpyBAyR^^YcoH}=ot#4h;%?wO9ch03}XX(?=1p)XK2kK6;o^$E? zz;k;1r2hk<$x=lC004N}V_;-pU|?Z5>gBAzE1uuxD+4z>0|;Dr_Vg``{{QyhOHNKU zAt0B7fe9oE0GBuq2>^K7V_;-pU}N~tz`(%C@c-@q|D2o*KoMlXqyYeVcLg^9004N} zja0F26fqE;yj%VyQGoGm}eIk65BckeifT3~JfUc69Kvou@0P_BiA&-Led(yvJ z^zya#{$kIsJ(Snkd=K~x{Rg(u>_fpGx;r}l!}k%}jKTXg;q1=a)$xD0JDmfaTPWr! zY#MRDxeAd>LrKbbO|JW*BzLi|CvF8U-+<%GVjDph&)N4dNk3C|$lZy|jmq-wekki) zR;M73dsq=i$Ytkk+9Kba2XQ~uR^%boWQbcz=Bm>E9&++li`pog-G{i{Z^`*mSlSG6 zyG34m+KBQHd058WG&vI+NlXIO421FhdPqdVt#;82sB34?1!|Of&9J_^u$g#_ApOa-Dmhb(PKX{e<-mxfSr|s{RtS zyH|gOtlhcdJ|cQ5>VMY*`W~7g<{7Zv#~|LYvg>igdk^{^0#A>aPwr>7s|G)!y(ot{ z1p8f0!yLr>bWYAx*lv#W%FwIcrY+_%_x?24pWuv-Sih3>*J3`HB|RwnDe~mm+{ZPQ zK1pu0Nx#GOnEwB4^w?$2qSt2Pj)TbO8P>Ogo%;)12+q&3zoo}!UXBKMkNv~Q`(f0- z@cL=wUIKPEJd_g^)FTM=J%)t|F+=7d+GZJO8cu$004N}ox*KQk_i9+U^FE(O!5o~Q4vj% z;YWz1&Nw2E6wQ!%sAQayBBH)hnt6!i3`vp9IP(h0^URPV;uOhqoGB4Gjy&@Wl{x3! z&E1@H%sJ+obMAKAZTJ87JRlGV{=bBS7$7Cc=|%MtdKtVy-WkWDkG1(^`ONzq_-6QO zd=J3|VB2xt@k2-fLn4Kt2ls4)pS{A*07Jv4yn6?;eY)mX8RusF1rC`gkI_yRqJdPHpiCe=_ za9TVBFNqJ1H^e&=@CovS)kI8UYvOtm?HuBqm;fe-2ztU!GB4Sb>>{#=J;cQnQi>{N zm&72=o@br+q)OA!X+WAe9h_cpfqTJ7hLO|BQu6+nVhW5xrZin-U7Vt#s50s>b?XxI z(ov@Jt8^Ni)Dl~jS@v+YHQPhS(rNT^`c#fj4l8FbSD3qag?D8z z50=-P=e{buYGDL1c#NHVc79*}1{1+-WbPFxzP7WNEOQ~WFtt!xxKM;D;uo2ULB+V@ zf?`Rrws@CKW{cT2_Wm{IHA6{wNk&O)$?yfGu!VL#u&m zW3{J-Tl1vGU5l>e*Q#nA00iIwLx87_RM%SP5C#j?LeI^{oAbAlZb|Af^#k>e24chL zZQN~LBd$?wy9?a) zv{~h*gXnQT>V34UOjQb$6W<|w`H!)WSNqn#UwsNZ)vGWnx=P*;?yu=z zQ)j9tpRt~q2XF(T0nZQNgPcLjkIJE-A?48FbLR8KVcziK3&D$N4O*if@gAX!IJM57 zq`GJwM>qG9`*KGgqvz|FUqN3@8$brYpf?=+tR01pfyYY6o)`&6-Z*T$Vcc!fzQ(*Z zO;CSXn>3r{zaC62ze#^HF`YWCnMs{#ov~Te7PDphZS-5Mm1OO(THZ0=&DtpMvF}Z@ z{~Ywe3#j^|DV4B-wEZz004N}V_;-pVA5rhWKd@S z0VW`31VRP|2QZ%j01Z|Ew*YwBjZr;I13?gdcZr%P1O*9Vb%j`1% z4a9l#v56S^8i$a;t;S)j<5A-otl?ebS>}FeJckEkQR4_!j3L*QkDZA}=A8 z{vVm-gnTu&bezN~&q|=Xv`qS#oCDtWMU9$!Mtm98$YP6U4%>nMaHMy|Q5rKH;gTF} zdel#Jz5%Pbi+Fh2eOCpPBgYX{{Sm|7?V0U><1jc`!APs{+2;#0qcR$`G;4Je@!%(n)kOokFM5 zX>=93DqW4PPN&l~=nT3hU5l1^EinXV5e0S@djr4n3EiN6)7h&38&d`UCxu{zQMKztCUlZ}fNi2mO=&MgOM%pa243 zpokL6sGy1(>S&;e7FMtad$EdrI1b0-1e}PI3TNPCoPtwv8m@w?;%c}$PRBKH2Cj)~ z;o7(ku8Zs8`nUmZh#TQd+!!~(8rtZfiyln$F~B;8xG8Rio8uO^C2oaVV?WNq**Ji6 za1gh_ZE-u?9(TYUaVOjvcfnn8H{2cfz&&v<+#C17eQ`hB9}mC-@gO`HBRm8a#)T_j zV*-UKW^mx*5a#f(fR6wn4kJR01SvMKi7jm72p)=u;o*1$9*IZc(Rd6Vi^t(yJRVQL z6Y(URhx2g(F2qH+7?P2Cv2I@Or!fZ^WDMX1oP&#oO?9yaVsVyYOzj2k*uE@P2#%AH;|7 zVSEH1#mDe*d;*`ur|@Zf2A{>}@OgXzSKy2I626SD;H&r=zK(C;oA?&Kjql*Q_#VEG zAK-`h5q^xH;HUT*evV(@m-rQajo;u({1(5%@9_ux5r4v;@fZ9Rf5YGL5BwAV!oTq! zgHwY6!!U|Q$tW8YqiWQQy3sJ2M$1?+_85DORb!uVoN>Hyf^nj8l5w(eigBuOTH*3a z>bq-e``4uHtgS8EcHVaKwwt%TyfyQ-pSOd&UC-NL-tN!Z&cUoTv(`L#c4_8Waa>xY zv1^xOWkt4ARsM$Zf>4zl?kB}Kv7)+&ky?bwb}@}rRGhlrqMA4(&x&RWiBl2XjS~d( za-J1g2l-7tGW%+#0aL-a_r80%QNg?R!Sl(c8X50P*q+{jVv!IChkHNqrjRp zC&8xgu_D9OWv85m(v)0(9Beg0&)Oc@Ze)9k_Y9SlR3bHvRP0p66uqDq*z@Alvu1TZ z%p`OIU&Zx}z)Kfu#P&3DRW_*QdK#7wM|Ln#m9eE;Be7;h{vQ{|K`^h1SXj}#6h^L} zlx=IFBC9wJ{Di-Ild_vwo@+M}wUvw<<<6X>uJuiKk~nq#HuFcGnkLOmwUwW!sF8Id zncm9uLus72)9s?1rQ!M$o|oZrUC&*aTDB6ejW*ng3M!#%CuyY0q4I6lt1ql@B(|!k zY)xcA_AuM2CT>!S9V=2L+fnQxxv*B8sBkp4?D?h@O?C6#9PDve7cGBd1HliRqd289xN2rBf8jpk+^@Z!_Y9k|&)+@nWx2?me zVwW&ZdNtRd1{o~2Bc=S<36fS0%UDrkV5Zf_mcLZ3C<->U9gR%YR#Y=R4fF4s5!yw< zBQ_^?kEqc!^}J@T#|z8z_Np!0vliBlS;d(J z+8nUWDYH;T*=CKrBPQ(04c|~v;_{BGdEW^l_XyM1@@mZZk?qJL$)=kyFEhsr$%OX0 z*UT6{;?1MLn5*p~M{``wO^#cMlP<DP23aV&4z(Ag!+DHU0lQ$)*i z{W+5}b7dt=V~3B`;^)M>=Q+rY=owK7rhoXbYpvqEV! zQIh5&7|XeIG&Xa7YrfSFr$Lf0ovGP9^J#sb50lL;arO7M>v<|*$L!sm0(BbNl?J6> zS6iV(VRpNGfnheU6ffA2(v(BXHx|mN%sAJD)}+d5PV=HFZwZ;Xq7|K5n9Y+a`JM7Vj zlbw>nvt>^>LFLsZUOrm(9W#8GEpU*Q+Wd}I6^V5$V=DW_#m6-7t^Pu$RmQ@PrHzal?w z+zn-n(-}7ArA_6I1ODOQ^B+$bbXN4)N6W*@Snq_)q-D+ZvYI2G`YV$l+4Vuj)|(sr z6z5l|wuwj9*IHR+(*vVGhB_j;BIK^tO%Z(&0}<;Y^v||~?fq-)Ypcy8LjeuD(iPB9 zKtlly1vC`Ua9AAm)-+-)T1P}zL@!(IthRLeA_gMXMF^<9CPKcp1=JQ$yC=dFA&9mh z+Jb23ww=9}w}R^kt|PdP;5vfq2(BZzj^H}7Q&)EC3Zg5Bt{}R(c?a?Z547`E&k$%g z-|~Q&xBa}8#e1?wPj>Ceu07ecr#}d^mqX8yjZN9ulx0l;nF2BeWD3X>kSQQjOzjJz zFNnS%`hw`^rXJMa1k@j}zo+_}fClnmAfSPO2J&Gb+YDrzL0=}@qRBP`L97d6T@b>H zp75e4yyyupdcupI@S-QY=&cK4D2SmTgcQA@Acno-w4<+)Nx_=_AP6Ca$)sS>7SR#W z710x6is*|Nh*%dfENv)Go2&{YOj*kmN|-_kQz&5yB}}1&DU>kVvPnla=?Fr|U{M(8^tv41d}oRU?8#IBFtJy*9zAN5dcxqGlMZGL>GG%R#)4J zDJ2;)4*E1pyHia%>lMv3X7Q`UoFyoB@|xvh^)kOE3)IL&0(G&i;g08s>c%~pHkN&6 z($7!kyv|A2DsV2mq-5Ku)D#$Kn$CzqD-wm5Q*OtEOEZe^&T$xIb0NUL}$)W)Ck`6oter6KcQG9Zcy>lXip)%e&!lQgtQ*N`#abOlytt!&i3fo)cKV zP0BWmLxS1gQv(r_r|?9>rR0ZeEJPx;Vi|h1!Eo*dohr&^lJgqJZns>&vexP@fs zkPv93Nyw$-kM5Mw^{@wPU47Y1dSkiHyl3dtHLwV&6Tm1iv{ve;sYA}Z&kmH802s9Z zyJEn+cfl7yFu#1^#DbtP7k&aR06|n{LnYFYEphKd@dJEq@)s#S)UA&8VJY@S2+{~> z(4?M();zvayyd^j`@4>xCqH|Au>Sfzb$mEOcD7e4z8pPVRTiMUWiw;|gXHw7LS#U< zsT(}Z5SJ)CRMXloh$qPnK77w_)ctHmgh}QAe<2S{DU^`!uwptCoq!Owz$u6bF)vnb zL`bM$%>baN7l#)vtS3y6h*2?xCk z>w+s)@`O4(4_I{L-!+b%)NZcQ&ND=2lyP+xI#9OzsiY8$c)ys-MI?TG6 zEP6f=vuLo!G>J7F4v|s#lJ+7A`^nEQScH3e?B_jC&{sj>m zYD?!1z4nDG_Afi$!J(<{>z{~Q)$SaXWjj~%ZvF152Hd^VoG14rFykR=_TO)mCn&K$ z-TfZ!vMBvnToyBoKRkD{3=&=qD|L!vb#jf1f}2338z)e)g>7#NPe!FoaY*jY{f)Bf>ohk-K z4{>fVS}ZCicCqgLuYR_fYx2;*-4k>kffuywghn?15s1dIOOYfl+XLf5w?wtU2Og*f z%X5x`H55F6g1>m~%F`655-W1wFJtY>>qNSdVT`M`1Mlh!5Q6#3j={n5#za;!X&^OJ zgq;d4UJV-F>gg?c3Y?d=kvn3eV)Jb^ zO5vg0G0yN0%}xy#(6oTDSVw8l=_*2k;zTP?+N=*18H5wp`s90K-C67q{W3d8vQGmr zhpW^>1HEQV2TG#8_P_0q91h8QgHT~8=-Ij5snJ3cj?Jn5_66uV=*pq(j}yHnf$Ft;5VVC?bz%9X31asJeQF2jEa47H#j` zk&uxf3t?g!tltVP|B#G_UfDD}`<#B#iY^i>oDd-LGF}A@Fno~dR72c&hs6bR z2F}9(i8+PR%R|~FV$;Ke^Q_E_Bc;$)xN4Ti>Lgg4vaip!%M z06oxAF_*)LH57w|gCW3SwoEHwjO{}}U=pKhjKSZ{u!K?1zm1q? zXyA6y@)}_sONiJopF}_}(~}d4FDyp|(@w}Vb;Fl5bZL%{1`}gdw#i{KMjp2@Fb9pg ziO|u7qP{$kxH$qh8%L+)AvwZNgUT6^zsZq-MRyZid{D?t`f|KzSAD~C?WT3d0rO`0 z=qQ6{)&UXXuHY{9g|P7l_nd-%eh}4%VVaK#Nik*tOu9lBM$<%FS@`NwGEbP0&;Xbo zObCq=y%a`jSJmx_uTLa{@2@}^&F4c%z6oe-TN&idjv+8E|$FHOvBqg5hT zMB=7SHq`_-E?5g=()*!V>rIa&LcX(RU}aLm*38U_V$C_g4)7GrW5$GnvTwJZdBmy6 z*X)wi3=R8L=esOhY0a&eH`^fSpUHV8h$J1|o^3fKO|9QzaiKu>yZ9wmRkW?HTkc<*v7i*ylJ#u#j zD1-n&{B`04oG>0Jn{5PKP*4Qsz{~`VVA3578gA+JUkiPc$Iq!^K|}*p_z3(-c&5z@ zKxmdNpp2&wg&%xL3xZNzG-5Xt7jnI@{?c z25=M>-VF|;an2Os$Nn%HgQz7m(ujC}Ii0Oesa(y#8>D+P*_m^X##E|h$M6tJr%#=P zWP*)Px>7z`E~U^2LNCNiy%Z7!!6RI%6fF@#ZY3z`CK91}^J$F!EB0YF1je9hJKU7!S5MnXV{+#K;y zF~s*H%p@vj&-ru7#(F2L+_;IH46X(z{~HTfcThqD%b{>~u@lSc<+f5#xgt9L7$gSK ziDJ6D*R%4&YeUB@yu@4+&70MBNTnjRyqMRd+@&lU#rV%0t3OmouhC`mkN}pL>tXin zY*p)mt=}$EGT2E<4Q>E2`6)gZ`QJhGDNpI}bZL9}m+R>q?l`OzFjW?)Y)P`fUH(_4 zCb?sm1=DD0+Q5v}BW#0n5;Nm(@RTEa3(Y17H2H67La+>ptQHJ@WMy2xRQT$|7l`8c zYHCxYw2o-rI?(fR2-%}pbs$I%w_&LPYE{4bo}vRoAW>3!SY_zH3`ofx3F1PsQ?&iq z*BRG>?<6%z=x#`NhlEq{K~&rU7Kc7Y-90aRnoj~rVoKae)L$3^z*Utppk?I`)CX&& zZ^@Go9fm&fN`b`XY zt0xE5aw4t@qTg_k=!-5LXU+_~DlW?53!afv6W(k@FPPX-`nA!FBMp7b!ODbL1zh58 z*69I}P_-?qSLKj}JW7gP!la}K@M}L>v?rDD!DY-tu+onu9kLoJz20M4urX_xf2dfZ zORd9Zp&28_ff=wdMpXi%IiTTNegC}~RLkdYjA39kWqlA?jO~o1`*B&85Hd%VPkYZT z48MPe62;TOq#c%H(`wX5(Bu>nlh4Fbd*Npasdhh?oRy8a;NB2(eb}6DgwXtx=n}fE zx67rYw=(s0r?EsPjaya}^Qc-_UT5|*@|$Q}*|>V3O~USkIe6a0_>vd~6kHuP8=m}_ zo2IGKbv;yA+TBtlCpnw)8hDn&eq?26gN$Bh;SdxaS04Fsaih_Cfb98s39xbv)=mS0 z6M<@pM2#pe32w*lYSWG>DYqB95XhgAA)*9dOxHr{t)er0Xugoy)!Vz#2C3FaUMzYl zCxy{igFB901*R2*F4>grPF}+G`;Yh zGi@nRjWyG3mR(BVOeBPOF=_&}2IWT%)pqdNAcL{eP`L*^FDv#Rzql5U&Suq_X%JfR_lC!S|y|xd5mQ0{0!G#9hV46S~A` z0B!{yI-4FZEtol5)mNWXcX(`x&Pc*&gh4k{w%0S#EI>rqqlH2xv7mR=9XNCI$V#NG z4wb-@u{PfQP;tTbzK>(DF(~bKp3;L1-A*HS!VB)Ae>Acnvde15Anb`h;I&0)aZBS6 z55ZS7mL5Wp!LCt45^{2_70YiI_Py=X{I3>$Px5Ez0ahLQ+ z9EWUWSyzA|+g-Axp*Lx-M{!ReQO07EG7r4^)K(xbj@%ZU=0tBC5shl)1a!ifM5OkF z0w2xQ-<+r-h1fi7B6waX15|*GGqfva)S)dVcgea`lQ~SQ$KXPR+(3Tn2I2R<0 z9tK`L*pa^+*n%>tZPiqt{_`%v?Bb7CR-!GhMON_Fbs0$#|H}G?rW|{q5fQhvw!FxI zs-5ZK>hAbnCS#ZQVi5K0X3PjL1JRdQO+&)*!oRCqB{wen60P6!7bGiWn@vD|+E@Xq zb!!_WiU^I|@1M}Hz6fN-m04x=>Exm{b@>UCW|c8vC`aNbtA@KCHujh^2RWZC}iYhL^<*Z93chIBJYU&w>$CGZDRcHuIgF&oyesDZ#&mA;?wxx4Cm#c0V$xYG?9OL(Smh}#fFuX(K;otJmvRP{h ze^f-qv;)HKC7geB92_@3a9@MGijS(hNNVd%-rZ;%@F_f7?Fjinbe1( zn#jQ*jKZTqE+AUTEd3y6t>*=;AO##cmdwU4gc2&rT8l`rtKW2JF<`_M#p>cj+)yCG zgKF)y8jrfxTjGO&ccm8RU>qn|HxQ7Z#sUo$q)P5H%8iBF$({0Ya51-rA@!It#NHN8MxqK zrYyl_&=}WVfQ?+ykV4*@F6)=u_~3BebR2G2>>mKaEBPmSW3(qYGGXj??m3L zHec{@jWCsSD8`xUy0pqT?Sw0oD?AUK*WxZn#D>-$`eI+IT)6ki>ic}W)t$V32^ITD zR497@LO}S|re%A+#vdv-?fXsQGVnP?QB_d0cGE+U84Q=aM=XrOwGFN3`Lpl@P0fL$ zKN1PqOwojH*($uaQFh8_)H#>Acl&UBSZ>!2W1Dinei`R4dJGX$;~60X=|SG6#jci} z&t4*dVDR*;+6Y(G{KGj1B2!qjvDYOyPC}%hnPbJ@g(4yBJrViG1#$$X75y+Ul1{%x zBAuD}Q@w?MFNqF-m39FGpq7RGI?%Bvyyig&oGv)lR>d<`Bqh=p>urib5DE;u$c|$J zwim~nPb19t?LJZsm{<(Iyyt@~H!a4yywmHKW&=1r5+oj*Fx6c89heW@(2R`i!Uiy* zp)=`Vr8sR!)KChE-6SEIyi(dvG3<1KoVt>kGV=zZiG7LGonH1+~yOK-`g0)r#+O|Q>)a`I2FVW%wr3lhO(P{ksNQuR!G_d zeTx(M!%brW_vS9?IF>bzZ2A3mWX-MEaOk^V|4d38{1D|KOlZSjBKrj7Fgf^>JyL0k zLoI$adZJ0T+8i_Idsuj}C;6jgx9LY#Ukh;!8eJ^B1N}q=Gn4onF*a2vY7~`x$r@rJ z`*hi&Z2lazgu{&nz>gjd>#eq*IFlXed(%$s5!HRXKNm zDZld+DwDI`O6hyn2uJ)F^{^;ESf9sjJ)wMSKD~R=DqPBHyP!?cGAvL<1|7K-(=?VO zGcKcF1spUa+ki<`6K#@QxOTsd847N8WSWztG~?~ z!gUJn>z0O=_)VCE|56hkT~n5xXTp}Ucx$Ii%bQ{5;-a4~I2e|{l9ur#*ghd*hSqO= z)GD@ev^w&5%k}YYB~!A%3*XbPPU-N6&3Lp1LxyP@|C<{qcn&?l54+zyMk&I3YDT|E z{lXH-e?C{huu<@~li+73lMOk&k)3s7Asn$t6!PtXJV!RkA`qdo4|OC_a?vR!kE_}k zK5R9KB%V@R7gt@9=TGL{=#r2gl!@3G;k-6sXp&E4u20DgvbY$iE**Xqj3TyxK>3AU z!b9}NXuINqt>Htt6fXIy5mj7oZ{A&$XJ&thR5ySE{mkxq_YooME#VCHm2+3D!f`{) zvR^WSjy_h4v^|!RJV-RaIT2Ctv=)UMMn@fAgjQV$2G+4?&dGA8vK35c-8r)z9Qqa=%k(FU)?iec14<^olkOU3p zF-6`zHiDKPafKK^USUU+D01>C&Wh{{q?>5m zGQp|z*+#>IIo=|ae8CtrN@@t~uLFOeT{}vX(IY*;>wAU=u1Qo4c+a&R);$^VCr>;! zv4L{`lHgc9$BeM)pQ#XA_(Q#=_iSZL4>L~8Hx}NmOC$&*Q*bq|9Aq}rWgFnMDl~d*;7c44GipcpH9PWaBy-G$*MI^F0 z?Tdxir1D<2ui+Q#^c4?uKvq=p>)lq56=Eb|N^qz~w7rsZu)@E4$;~snz+wIxi+980O6M#RmtgLYh@|2}9BiHSpTs zacjGKvwkUwR3lwTSsCHlwb&*(onU;)$yvdhikonn|B44JMgs*&Lo!jn`6AE>XvBiO z*LKNX3FVz9yLcsnmL!cRVO_qv=yIM#X|u&}#f%_?Tj0>8)8P_0r0!AjWNw;S44tst zv+NXY1{zRLf9OYMr6H-z?4CF$Y%MdbpFIN@a-LEnmkcOF>h16cH_;A|e)pJTuCJ4O zY7!4FxT4>4aFT8a92}84>q0&?46h>&0Vv0p>u~k&qd5$C1A6Q$I4V(5X~6{15;PD@ ze6!s9xh#^QI`J+%8*=^(-!P!@9%~buBmN2VSAp@TOo6}C?az+ALP8~&a0FWZk*F5N z^8P8IREnN`N0i@>O0?{i-FoFShYbUB`D7O4HB`Im2{yzXmyrg$k>cY6A@>bf7i3n0 z5y&cf2#`zctT>dz+hNF&+d3g;2)U!#vsb-%LC+pqKRTiiSn#FH#e!bVwR1nAf*TG^ z!RKcCy$P>?Sfq6n<%M{T0I8?p@HlgwC!HoWO>~mT+X<{Ylm+$Vtj9};H3$EB}P2wR$3y!TO#$iY8eO-!}+F&jMu4%E6S>m zB(N4w9O@2=<`WNJay5PwP8javDp~o~xkSbd4t4t8)9jqu@bHmJHq=MV~Pt|(TghCA}fhMS?s-{klV>~=VrT$nsp7mf{?cze~KKOD4 z_1Y!F)*7^W+BBTt1R2h4f1X4Oy2%?=IMhZU8c{qk3xI1=!na*Sg<=A$?K=Y=GUR9@ zQ(ylIm4Lgm>pt#%p`zHxok%vx_=8Fap1|?OM02|N%X-g5_#S~sT@A!x&8k#wVI2lo z1Uyj{tDQRpb*>c}mjU^gYA9{7mNhFAlM=wZkXcA#MHXWMEs^3>p9X)Oa?dx7b%N*y zLz@K^%1JaArjgri;8ptNHwz1<0y8tcURSbHsm=26^@CYJ3hwMaEvC7 z3Wi-@AaXIQ)%F6#i@%M>?Mw7$6(kW@?et@wbk-APcvMCC{>iew#vkZej8%9h0JSc? zCb~K|!9cBU+))^q*co(E^9jRl7gR4Jihyqa(Z(P&ID#TPyysVNL7(^;?Gan!OU>au zN}miBc&XX-M$mSv%3xs)bh>Jq9#aD_l|zO?I+p4_5qI0Ms*OZyyxA`sXcyiy>-{YN zA70%HmibZYcHW&YOHk6S&PQ+$rJ3(utuUra3V0~@=_~QZy&nc~)AS>v&<6$gErZC3 zcbC=eVkV4Vu0#}E*r=&{X)Kgq|8MGCh(wsH4geLj@#8EGYa})K2;n z{1~=ghoz=9TSCxgzr5x3@sQZZ0FZ+t{?klSI_IZa16pSx6*;=O%n!uXVZ@1IL;JEV zfOS&yyfE9dtS*^jmgt6>jQDOIJM5Gx#Y2eAcC3l^lmoJ{o0T>IHpECTbfYgPI4#LZq0PKqnPCD}_ zyKxz;(`fE0z~nA1s?d{X2!#ZP8wUHzFSOoTWQrk%;wCnBV_3D%3@EC|u$Ao)tO|AO z$4&aa!wbf}rbNcP{6=ajgg(`p5kTeu$ji20`zw)X1SH*x zN?T36{d9TY*S896Ijc^!35LLUByY4QO=ARCQ#MMCjudFc7s!z%P$6DESz%zZ#>H|i zw3Mc@v4~{Eke;FWs`5i@ifeYPh-Sb#vCa#qJPL|&quSKF%sp8*n#t?vIE7kFWjNFh zJC@u^bRQ^?ra|%39Ux^Dn4I}QICyDKF0mpe+Bk}!lFlqS^WpYm&xwIYxUoS-rJ)N9 z1Tz*6Rl9;x`4lwS1cgW^H_M*)Dt*DX*W?ArBf?-t|1~ge&S}xM0K;U9Ibf{okZHf~ z#4v4qc6s6Zgm8iKch5VMbQc~_V-ZviirnKCi*ouN^c_2lo&-M;YSA>W>>^5tlXObg zacX$k0=9Tf$Eg+#9k6yV(R5-&F{=DHP8!yvSQ`Y~XRnUx@{O$-bGCksk~3&qH^dqX zkf+ZZ?Nv5u>LBM@2?k%k&_aUb5Xjqf#!&7%zN#VZwmv65ezo^Y4S#(ed0yUn4tFOB zh1f1SJ6_s?a{)u6VdwUC!Hv=8`%T9(^c`2hc9nt$(q{Dm2X)dK49ba+KEheQ;7^0) ziFKw$%EHy_B1)M>=yK^=Z$U-LT36yX>EKT zvD8IAom2&2?bTmX@_PBR4W|p?6?LQ+&UMzXxqHC5VHzf@Eb1u)kwyfy+NOM8Wa2y@ zNNDL0PE$F;yFyf^jy&RGwDXQwYw6yz>OMWvJt98X@;yr!*RQDBE- zE*l*u=($Zi1}0-Y4lGaK?J$yQjgb+*ljUvNQ!;QYAoCq@>70=sJ{o{^21^?zT@r~hhf&O;Qiq+ ziGQQLG*D@5;LZ%09mwMiE4Q{IPUx-emo*;a6#DrmWr(zY27d@ezre)Z1BGZdo&pXn z+);gOFelKDmnjq#8dL7CTiVH)dHOqWi~uE|NM^QI3EqxE6+_n>IW67~UB#J==QOGF zp_S)c8TJ}uiaEiaER}MyB(grNn=2m&0yztA=!%3xUREyuG_jmadN*D&1nxvjZ6^+2 zORi7iX1iPi$tKasppaR9$a3IUmrrX)m*)fg1>H+$KpqeB*G>AQV((-G{}h=qItj|d zz~{5@{?&Dab6;0c7!!%Se>w($RmlG7Jlv_zV3Ru8b2rugY0MVPOOYGlokI7%nhIy& z-B&wE=lh2dtD!F?noD{z^O1~Tq4MhxvchzuT_oF3-t4YyA*MJ*n&+1X3~6quEN z@m~aEp=b2~mP+}TUP^FmkRS_PDMA{B zaSy(P=$T~R!yc^Ye0*pl5xcpm_JWI;@-di+nruhqZ4gy7cq-)I&s&Bt3BkgT(Zdjf zTvvv0)8xzntEtp4iXm}~cT+pi5k{w{(Z@l2XU9lHr4Vy~3ycA_T?V(QS{qwt?v|}k z_ST!s;C4!jyV5)^6xC#v!o*uS%a-jQ6< z)>o?z7=+zNNtIz1*F_HJ(w@=`E+T|9TqhC(g7kKDc8z~?RbKQ)LRMn7A1p*PcX2YR zUAr{);~c7I#3Ssv<0i-Woj0&Z4a!u|@Xt2J1>N-|ED<3$o2V?OwL4oQ%$@!zLamVz zB)K&Ik^~GOmDAa143{I4?XUk1<3-k{<%?&OID&>Ud%z*Rkt*)mko0RwC2=qFf-^OV z=d@47?tY=A;=2VAh0mF(3x;!#X!%{|vn;U2XW{(nu5b&8kOr)Kop3-5_xnK5oO_3y z!EaIb{r%D{7zwtGgFVri4_!yUIGwR(xEV3YWSI_+E}Gdl>TINWsIrfj+7DE?xp+5^ zlr3pM-Cbse*WGKOd3+*Qen^*uHk)+EpH-{u@i%y}Z!YSid<}~kA*IRSk|nf+I1N=2 zIKi+&ej%Al-M5`cP^XU>9A(m7G>58>o|}j0ZWbMg&x`*$B9j#Rnyo0#=BMLdo%=ks zLa3(2EinQLXQ(3zDe7Bce%Oszu%?8PO648TNst4SMFvj=+{b%)ELyB!0`B?9R6aO{i-63|s@|raSQGL~s)9R#J#duFaTSZ2M{X z1?YuM*a!!|jP^QJ(hAisJuPOM`8Y-Hzl~%d@latwj}t&0{DNNC+zJARnuQfiN`HQ# z?boY_2?*q;Qk)LUB)s8(Lz5elaW56p&fDH*AWAq7Zrbeq1!?FBGYHCnFgRu5y1jwD zc|yBz+UW|X`zDsc{W~8m$sh@VVnZD$lLnKlq@Hg^;ky!}ZuPdKNi2BI70;hrpvaA4+Q_+K)I@|)q1N-H zrycZU`*YUW``Qi^`bDX-j7j^&bO+-Xg$cz2#i##($uyW{Nl&{DK{=lLWV3|=<&si||2)l=8^8_z+Vho-#5LB0EqQ3v5U#*DF7 zxT)1j^`m+lW}p$>WSIG1eZ>L|YR-@Feu!YNWiw*IZYh03mq+2QVtQ}1ezRJM?0PA< z;mK(J5@N8>u@<6Y$QAHWNE};rR|)U_&bv8dsnsza7{=zD1VBcxrALqnOf-qW(zzTn zTAp|pEo#FsQ$~*$j|~Q;$Zy&Liu9OM;VF@#_&*nL!N2hH!Q6l*OeTxq!l>dEc{;Hw zCQni{iN%jHU*C;?M-VUaXxf0FEJ_G=C8)C-wD!DvhY+qQ#FT3}Th8;GgV&AV94F`D ztT6=w_Xm8)*)dBnDkZd~UWL|W=Glu!$hc|1w7_7l!3MAt95oIp4Xp{M%clu&TXehO z+L-1#{mjkpTF@?|w1P98OCky~S%@OR&o75P&ZHvC}Y=(2_{ib(-Al_7aZ^U?s34#H}= zGfFi5%KnFVCKtdO^>Htpb07#BeCXMDO8U}crpe1Gm`>Q=6qB4i=nLoLZ%p$TY=OcP z)r}Et-Ed??u~f09d3Nx3bS@ja!fV(Dfa5lXxRs#;8?Y8G+Qvz+iv7fiRkL3liip}) z&G0u8RdEC9c$$rdU53=MH`p!Jn|DHjhOxHK$tW_pw9wCTf0Eo<){HoN=zG!!Gq4z4 z7PwGh)VNPXW-cE#MtofE`-$9~nmmj}m zlzZscQ2+Jq%gaB9rMgVJkbhup0Ggpb)&L01T=%>n7-?v@I8!Q(p&+!fd+Y^Pu9l+u zek(_$^HYFVRRIFt@0Fp52g5Q#I`tC3li`;UtDLP*rA{-#Yoa5qp{cD)QYhldihWe+ zG~zuaqLY~$-1sjh2lkbXCX;lq+p~!2Z=76cvuQe*Fl>IFwpUBP+d^&E4BGc{m#l%Kuo6#{XGoRyFc%Hqhf|%nYd<;yiC>tyEyk z4I+a`(%%Ie=-*n z-{mg=j&t12)LH3R?@-B1tEb7FLMePI1HK0`Ae@#)KcS%!Qt9p4_fmBl5zhO10n401 zBSfnfJ;?_r{%R)hh}BBNSl=$BiAKbuWrNGQUZ)+0=Mt&5!X*D@yGCSaMNY&@`;^a4 z;v=%D_!K!WXV1!3%4P-M*s%V2b#2jF2bk!)#2GLVuGKd#vNpRMyg`kstw0GQ8@^k^ zuqK5uR<>FeRZ#3{%!|4X!hh7hgirQ@Mwg%%ez8pF!N$xhMNQN((yS(F2-OfduxxKE zxY#7O(VGfNuLv-ImAw5+h@gwn%!ER;*Q+001;W7W^waWT%@(T+5k!c3A-j)a8y11t zx4~rSN0s$M8HEOzkcWW4YbKK9GQez2XJ|Nq?TFy;jmGbg;`m&%U4hIiarKmdTHt#l zL=H;ZHE?fYxKQQXKnC+K!TAU}r086{4m}r()-QaFmU(qWhJlc$eas&y?=H9EYQy8N$8^bni9TpDp zkA^WRs?KgYgjxX4T6?`SMs$`s3vlut(YU~f2F+id(Rf_)$BIMibk9lACI~LA+i7xn z%-+=DHV*0TCTJp~-|$VZ@g2vmd*|2QXV;HeTzt530KyK>v&253N1l}bP_J#UjLy4) zBJili9#-ey8Kj(dxmW^ctorxd;te|xo)%46l%5qE-YhAjP`Cc03vT)vV&GAV%#Cgb zX~2}uWNvh`2<*AuxuJpq>SyNtZwzuU)r@@dqC@v=Ocd(HnnzytN+M&|Qi#f4Q8D=h ziE<3ziFW%+!yy(q{il8H44g^5{_+pH60Mx5Z*FgC_3hKxmeJ+wVuX?T#ZfOOD3E4C zRJsj#wA@3uvwZwHKKGN{{Ag+8^cs?S4N@6(Wkd$CkoCst(Z&hp+l=ffZ?2m%%ffI3 zdV7coR`R+*dPbNx=*ivWeNJK=Iy_vKd`-_Hng{l?hmp=|T3U&epbmgXXWs9ySE|=G zeQ|^ioL}tveN{s72_&h+F+W;G}?;?_s@h5>DX(rp#eaZ!E=NivgLI zWykLKev+}sHH41NCRm7W>K+_qdoJ8x9o5Cf!)|qLtF7Izxk*p|fX8UqEY)_sI_45O zL2u>x=r5xLE%s|d%MO>zU%KV6QKFiEeo12g#bhei4!Hm+`~Fo~4h|BJ)%ENxy9)Up zOxupSf1QZWun=)gF{L0YWJ<(r0?$bPFANrmphJ>kG`&7E+RgrWQi}ZS#-CQJ*i#8j zM_A0?w@4Mq@xvk^>QSvEU|VYQoVI=TaOrsLTa`RZfe8{9F~mM{L+C`9YP9?OknLw| zmkvz>cS6`pF0FYeLdY%>u&XpPj5$*iYkj=m7wMzHqzZ5SG~$i_^f@QEPEC+<2nf-{ zE7W+n%)q$!5@2pBuXMxhUSi*%F>e_g!$T-_`ovjBh(3jK9Q^~OR{)}!0}vdTE^M+m z9QWsA?xG>EW;U~5gEuKR)Ubfi&YWnXV;3H6Zt^NE725*`;lpSK4HS1sN?{~9a4JkD z%}23oAovytUKfRN87XTH2c=kq1)O5(fH_M3M-o{{@&~KD`~TRot-gqg7Q2U2o-iiF}K>m?CokhmODaLB z1p6(6JYGntNOg(s!(>ZU&lzDf+Ur)^Lirm%*}Z>T)9)fAZ9>k(kvnM;ab$ptA=hoh zVgsVaveXbMpm{|4*d<0>?l_JUFOO8A3xNLQOh%nVXjYI6X8h?a@6kDe5-m&;M0xqx z+1U$s>(P9P)f0!{z%M@E7|9nn#IWgEx6A6JNJ(7dk`%6$3@!C!l;JK-p2?gg+W|d- ziEzgk$w7k48NMqg$CM*4O~Abj3+_yUKTyK1p6GDsGEs;}=E_q>^LI-~pym$qhXPJf z2`!PJDp4l(TTm#|n@bN!j;-FFOM__eLl!6{*}z=)UAcGYloj?bv!-XY1TA6Xz;82J zLRaF{8ayzGa|}c--}|^xh)xgX>6R(sZD|Z|qX50gu=d`gEwHqC@WYU7{%<5VOnf9+ zB@FX?|UL%`8EIAe!*UdYl|6wRz6Y>(#8x92$#y}wMeE|ZM2X*c}dKJ^4NIf;Fm zNwzq%QcO?$NR-7`su!*$dlIKo2y(N;qgH@1|8QNo$0wbyyJ2^}$iZ>M{BhBjTdMjK z>gPEzgX4;g3$rU?jvDeOq`X=>)zdt|jk1Lv3u~bjHI=EGLfIR&+K3ldcc4D&Um&04 z3^F*}WaxR(ZyaB>DlmF_UP@+Q*h$&nsOB#gwLt{1#F4i-{A5J@`>B9@{^i?g_Ce&O z<<}_We-RUFU&&MHa1#t56u_oM(Ljn7djja!T|gcxSoR=)@?owC*NkDarpBj=W4}=i1@)@L|C) zQKA+o<(pMVp*Su(`zBC0l1yTa$MRfQ#uby|$mlOMs=G`4J|?apMzKei%jZql#gP@IkOaOjB7MJM=@1j(&!jNnyVkn5;4lvro1!vq ztXiV8HYj5%)r1PPpIOj)f!>pc^3#LvfZ(hz}C@-3R(Cx7R427*Fwd!XO z4~j&IkPHcBm0h_|iG;ZNrYdJ4HI!$rSyo&sibmwIgm1|J#g6%>=ML1r!kcEhm(XY& zD@mIJt;!O%WP7CE&wwE3?1-dt;RTHdm~LvP7K`ccWXkZ0kfFa2S;wGtx_a}S2lslw z$<4^Jg-n#Ypc(3t2N67Juasu=h)j&UNTPNDil4MQMTlnI81kY46uMH5B^U{~nmc6+ z9>(lGhhvRK9ITfpAD!XQ&BPphL3p8B4PVBN0NF6U49;ZA0Tr75AgGw7(S=Yio+xg_ zepZ*?V#KD;sHH+15ix&yCs0eSB-Z%D%uujlXvT#V$Rz@$+w!u#3GIo*AwMI#Bm^oO zLr1e}k5W~G0xaO!C%Mb{sarxWZ4%Dn9vG`KHmPC9GWZwOOm11XJp#o0-P-${3m4g( z6~)X9FXw%Xm~&99tj>a-ri})ZcnsfJtc10F@t9xF5vq6E)X!iUXHq-ohlO`gQdS&k zZl})3k||u)!_=nNlvMbz%AuIr89l#I$;rG}qvDGiK?xTd5HzMQkw*p$YvFLGyQM!J zNC^gD!kP{A84nGosi~@MLKqWQNacfs7O$dkZtm4-BZ~iA8xWZPkTK!HpA5zr!9Z&+icfAJ1)NWkTd!-9`NWU>9uXXUr;`Js#NbKFgrNhTcY4GNv*71}}T zFJh?>=EcbUd2<|fiL+H=wMw8hbX6?+_cl4XnCB#ddwdG>bki* zt*&6Dy&EIPluL@A3_;R%)shA-tDQA1!Tw4ffBRyy;2n)vm_JV06(4Or&QAOKNZB5f(MVC}&_!B>098R{Simr!UG}?CW1Ah+X+0#~0`X)od zLYablwmFxN21L))!_zc`IfzWi`5>MxPe(DmjjO1}HHt7TJtAW+VXHt!aKZk>y6PoMsbDXRJnov;D~Ur~2R_7(Xr)aa%wJwZhS3gr7IGgt%@;`jpL@gyc6bGCVx!9CE7NgIbUNZ!Ur1RHror0~ zr(j$^yM4j`#c2KxSP61;(Tk^pe7b~}LWj~SZC=MEpdKf;B@on9=?_n|R|0q;Y*1_@ z>nGq>)&q!;u-8H)WCwtL&7F4vbnnfSAlK1mwnRq2&gZrEr!b1MA z(3%vAbh3aU-IX`d7b@q`-WiT6eitu}ZH9x#d&qx}?CtDuAXak%5<-P!{a`V=$|XmJ zUn@4lX6#ulB@a=&-9HG)a>KkH=jE7>&S&N~0X0zD=Q=t|7w;kuh#cU=NN7gBGbQTT z;?bdSt8V&IIi}sDTzA0dkU}Z-Qvg;RDe8v>468p3*&hbGT1I3hi9hh~Z(!H}{+>eUyF)H&gdrX=k$aB%J6I;6+^^kn1mL+E+?A!A}@xV(Qa@M%HD5C@+-4Mb4lI=Xp=@9+^x+jhtOc zYgF2aVa(uSR*n(O)e6tf3JEg2xs#dJfhEmi1iOmDYWk|wXNHU?g23^IGKB&yHnsm7 zm_+;p?YpA#N*7vXCkeN2LTNG`{QDa#U3fcFz7SB)83=<8rF)|udrEbrZL$o6W?oDR zQx!178Ih9B#D9Ko$H(jD{4MME&<|6%MPu|TfOc#E0B}!j^MMpV69D#h2`vsEQ{(?c zJ3Lh!3&=yS5fWL~;1wCZ?)%nmK`Eqgcu)O6rD^3%ijcxL50^z?OI(LaVDvfL0#zjZ z2?cPvC$QCzpxpt5jMFp05OxhK0F!Q`rPhDi5)y=-0C} zIM~ku&S@pl1&0=jl+rlS<4`riV~LC-#pqNde@44MB(j%)On$0Ko(@q?4`1?4149Z_ zZi!5aU@2vM$dHR6WSZpj+VboK+>u-CbNi7*lw4K^ZxxM#24_Yc`jvb9NPVi75L+MlM^U~`;a7`4H0L|TYK>%hfEfXLsu1JGM zbh|8{wuc7ucV+`Ys1kqxsj`dajwyM;^X^`)#<+a~$WFy8b2t_RS{8yNYKKlnv+>vB zX(QTf$kqrJ;%I@EwEs{cIcH@Z3|#^S@M+5jsP<^`@8^I4_8MlBb`~cE^n+{{;qW2q z=p1=&+fUo%T{GhVX@;56kH8K_%?X=;$OTYqW1L*)hzelm^$*?_K;9JyIWhsn4SK(| zSmXLTUE8VQX{se#8#Rj*lz`xHtT<61V~fb;WZUpu(M)f#;I+2_zR+)y5Jv?l`CxAinx|EY!`IJ*x9_gf_k&Gx2alL!hK zUWj1T_pk|?iv}4EP#PZvYD_-LpzU!NfcLL%fK&r$W8O1KH9c2&GV~N#T$kaXGvAOl)|T zuF9%6(i=Y3q?X%VK-D2YIYFPH3f|g$TrXW->&^Ab`WT z7>Oo!u1u40?jAJ8Hy`bv}qbgs8)cF0&qeVjD?e+3Ggn1Im>K77ZSpbU*08 zfZkIFcv?y)!*B{|>nx@cE{KoutP+seQU?bCGE`tS0GKUO3PN~t=2u7q_6$l;uw^4c zVu^f{uaqsZ{*a-N?2B8ngrLS8E&s6}Xtv9rR9C^b`@q8*iH)pFzf1|kCfiLw6u{Z%aC z!X^5CzF6qofFJgklJV3oc|Qc2XdFl+y5M9*P8}A>Kh{ zWRgRwMSZ(?Jw;m%0etU5BsWT-Dj-5F;Q$OQJrQd+lv`i6>MhVo^p*^w6{~=fhe|bN z*37oV0kji)4an^%3ABbg5RC;CS50@PV5_hKfXjYx+(DqQdKC^JIEMo6X66$qDdLRc z!YJPSKnbY`#Ht6`g@xGzJmKzzn|abYbP+_Q(v?~~ z96%cd{E0BCsH^0HaWt{y(Cuto4VE7jhB1Z??#UaU(*R&Eo+J`UN+8mcb51F|I|n*J zJCZ3R*OdyeS9hWkc_mA7-br>3Tw=CX2bl(=TpVt#WP8Bg^vE_9bP&6ccAf3lFMgr` z{3=h@?Ftb$RTe&@IQtiJfV;O&4fzh)e1>7seG; z=%mA4@c7{aXeJnhEg2J@Bm;=)j=O=cl#^NNkQ<{r;Bm|8Hg}bJ-S^g4`|itx)~!LN zXtL}?f1Hs6UQ+f0-X6&TBCW=A4>bU0{rv8C4T!(wD-h>VCK4YJk`6C9$by!fxOYw- zV#n+0{E(0ttq_#16B} ze8$E#X9o{B!0vbq#WUwmv5Xz6{(!^~+}sBW{xctdNHL4^vDk!0E}(g|W_q;jR|ZK< z8w>H-8G{%R#%f!E7cO_^B?yFRKLOH)RT9GJsb+kAKq~}WIF)NRLwKZ^Q;>!2MNa|} z-mh?=B;*&D{Nd-mQRcfVnHkChI=DRHU4ga%xJ%+QkBd|-d9uRI76@BT(bjsjwS+r) zvx=lGNLv1?SzZ;P)Gnn>04fO7Culg*?LmbEF0fATG8S@)oJ>NT3pYAXa*vX!eUTDF ziBrp(QyDqr0ZMTr?4uG_Nqs6f%S0g?h`1vO5fo=5S&u#wI2d4+3hWiolEU!=3_oFo zfie?+4W#`;1dd#X@g9Yj<53S<6OB!TM8w8})7k-$&q5(smc%;r z(BlXkTp`C47+%4JA{2X}MIaPbVF!35P#p;u7+fR*46{T+LR8+j25oduCfDzDv6R-hU{TVVo9fz?^N3ShMt!t0NsH)pB zRK8-S{Dn*y3b|k^*?_B70<2gHt==l7c&cT>r`C#{S}J2;s#d{M)ncW(#Y$C*lByLQ z&?+{dR7*gpdT~(1;M(FfF==3z`^eW)=5a9RqvF-)2?S-(G zhS;p(u~_qBum*q}On@$#08}ynd0+spzyVco0%G6;<-i5&016cV5UKzhQ~)fX03|>L z8ej+HzzgVr6_5ZUpa4HW0Ca!=r1%*}Oo;2no&Zz8DfR)L!@r<5 z2viSZpmvo5XqXyAz{Ms7`7kX>fnr1gi4X~7KpznRT0{Xc5Cfz@43PjBMBoH@z_{~( z(Wd}IPJ9hH+%)Fc)0!hrV+(A;76rhtI|YHbEDeERV~Ya>SQg^IvlazFkSK(KG9&{q zkPIR~EeQaaBmwA<20}mBO?)N$(z1@p)5?%}rM| zGF()~Z&Kx@OIDRI$d0T8;JX@vj3^2%pd_+@l9~a4lntZ;AvUIjqIZbuNTR6@hNJoV zk4F;ut)LN4ARuyn2M6F~eg-e#UH%2P;8uPGFW^vq1vj8mdIayFOZo(tphk8C7hpT~ z1Fv8?b_LNR3QD9J+!v=p%}# + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + \ No newline at end of file diff --git a/docs/build/html/_static/fonts/glyphicons-halflings-regular.ttf b/docs/build/html/_static/fonts/glyphicons-halflings-regular.ttf new file mode 100644 index 0000000000000000000000000000000000000000..1413fc609ab6f21774de0cb7e01360095584f65b GIT binary patch literal 45404 zcmd?Sd0-pWwLh*qi$?oCk~i6sWlOeWJC3|4juU5JNSu9hSVACzERcmjLV&P^utNzg zIE4Kr1=5g!SxTX#Ern9_%4&01rlrW`Z!56xXTGQR4C z3vR~wXq>NDx$c~e?;ia3YjJ*$!C>69a?2$lLyhpI!CFfJsP=|`8@K0|bbMpWwVUEygg0=0x_)HeHpGSJagJNLA3c!$EuOV>j$wi! zbo{vZ(s8tl>@!?}dmNHXo)ABy7ohD7_1G-P@SdJWT8*oeyBVYVW9*vn}&VI4q++W;Z+uz=QTK}^C75!`aFYCX# zf7fC2;o`%!huaTNJAB&VWrx=szU=VLhwnbT`vc<#<`4WI6n_x@AofA~2d90o?1L3w z9!I|#P*NQ)$#9aASijuw>JRld^-t)Zhmy|i-`Iam|IWkguaMR%lhi4p~cX-9& zjfbx}yz}s`4-6>D^+6FzihR)Y!GsUy=_MWi_v7y#KmYi-{iZ+s@ekkq!@Wxz!~BQwiI&ti z>hC&iBe2m(dpNVvSbZe3DVgl(dxHt-k@{xv;&`^c8GJY%&^LpM;}7)B;5Qg5J^E${ z7z~k8eWOucjX6)7q1a%EVtmnND8cclz8R1=X4W@D8IDeUGXxEWe&p>Z*voO0u_2!! zj3dT(Ki+4E;uykKi*yr?w6!BW2FD55PD6SMj`OfBLwXL5EA-9KjpMo4*5Eqs^>4&> z8PezAcn!9jk-h-Oo!E9EjX8W6@EkTHeI<@AY{f|5fMW<-Ez-z)xCvW3()Z#x0oydB zzm4MzY^NdpIF9qMp-jU;99LjlgY@@s+=z`}_%V*xV7nRV*Kwrx-i`FzI0BZ#yOI8# z!SDeNA5b6u9!Imj89v0(g$;dT_y|Yz!3V`i{{_dez8U@##|X9A};s^7vEd!3AcdyVlhVk$v?$O442KIM1-wX^R{U7`JW&lPr3N(%kXfXT_`7w^? z=#ntx`tTF|N$UT?pELvw7T*2;=Q-x@KmDUIbLyXZ>f5=y7z1DT<7>Bp0k;eItHF?1 zErzhlD2B$Tm|^7DrxnTYm-tgg`Mt4Eivp5{r$o9e)8(fXBO4g|G^6Xy?y$SM*&V52 z6SR*%`%DZC^w(gOWQL?6DRoI*hBNT)xW9sxvmi@!vI^!mI$3kvAMmR_q#SGn3zRb_ zGe$=;Tv3dXN~9XuIHow*NEU4y&u}FcZEZoSlXb9IBOA}!@J3uovp}yerhPMaiI8|SDhvWVr z^BE&yx6e3&RYqIg;mYVZ*3#A-cDJ;#ms4txEmwm@g^s`BB}KmSr7K+ruIoKs=s|gOXP|2 zb1!)87h9?(+1^QRWb(Vo8+@G=o24gyuzF3ytfsKjTHZJ}o{YznGcTDm!s)DRnmOX} z3pPL4wExoN$kyc2>#J`k+<67sy-VsfbQ-1u+HkyFR?9G`9r6g4*8!(!c65Be-5hUg zZHY$M0k(Yd+DT1*8)G(q)1&tDl=g9H7!bZTOvEEFnBOk_K=DXF(d4JOaH zI}*A3jGmy{gR>s}EQzyJa_q_?TYPNXRU1O;fcV_&TQZhd{@*8Tgpraf~nT0BYktu*n{a~ub^UUqQPyr~yBY{k2O zgV)honv{B_CqY|*S~3up%Wn%7i*_>Lu|%5~j)}rQLT1ZN?5%QN`LTJ}vA!EE=1`So z!$$Mv?6T)xk)H8JTrZ~m)oNXxS}pwPd#);<*>zWsYoL6iK!gRSBB{JCgB28C#E{T? z5VOCMW^;h~eMke(w6vLlKvm!!TyIf;k*RtK)|Q>_@nY#J%=h%aVb)?Ni_By)XNxY)E3`|}_u}fn+Kp^3p4RbhFUBRtGsDyx9Eolg77iWN z2iH-}CiM!pfYDIn7;i#Ui1KG01{3D<{e}uWTdlX4Vr*nsb^>l0%{O?0L9tP|KGw8w z+T5F}md>3qDZQ_IVkQ|BzuN08uN?SsVt$~wcHO4pB9~ykFTJO3g<4X({-Tm1w{Ufo zI03<6KK`ZjqVyQ(>{_aMxu7Zm^ck&~)Q84MOsQ-XS~{6j>0lTl@lMtfWjj;PT{nlZ zIn0YL?kK7CYJa)(8?unZ)j8L(O}%$5S#lTcq{rr5_gqqtZ@*0Yw4}OdjL*kBv+>+@ z&*24U=y{Nl58qJyW1vTwqsvs=VRAzojm&V zEn6=WzdL1y+^}%Vg!ap>x%%nFi=V#wn# zUuheBR@*KS)5Mn0`f=3fMwR|#-rPMQJg(fW*5e`7xO&^UUH{L(U8D$JtI!ac!g(Ze89<`UiO@L+)^D zjPk2_Ie0p~4|LiI?-+pHXuRaZKG$%zVT0jn!yTvvM^jlcp`|VSHRt-G@_&~<4&qW@ z?b#zIN)G(}L|60jer*P7#KCu*Af;{mpWWvYK$@Squ|n-Vtfgr@ZOmR5Xpl;0q~VILmjk$$mgp+`<2jP z@+nW5Oap%fF4nFwnVwR7rpFaOdmnfB$-rkO6T3#w^|*rft~acgCP|ZkgA6PHD#Of| zY%E!3tXtsWS`udLsE7cSE8g@p$ceu*tI71V31uA7jwmXUCT7+Cu3uv|W>ZwD{&O4Nfjjvl43N#A$|FWxId! z%=X!HSiQ-#4nS&smww~iXRn<-`&zc)nR~js?|Ei-cei$^$KsqtxNDZvl1oavXK#Pz zT&%Wln^Y5M95w=vJxj0a-ko_iQt(LTX_5x#*QfQLtPil;kkR|kz}`*xHiLWr35ajx zHRL-QQv$|PK-$ges|NHw8k6v?&d;{A$*q15hz9{}-`e6ys1EQ1oNNKDFGQ0xA!x^( zkG*-ueZT(GukSnK&Bs=4+w|(kuWs5V_2#3`!;f}q?>xU5IgoMl^DNf+Xd<=sl2XvkqviJ>d?+G@Z5nxxd5Sqd$*ENUB_mb8Z+7CyyU zA6mDQ&e+S~w49csl*UePzY;^K)Fbs^%?7;+hFc(xz#mWoek4_&QvmT7Fe)*{h-9R4 zqyXuN5{)HdQ6yVi#tRUO#M%;pL>rQxN~6yoZ)*{{!?jU)RD*oOxDoTjVh6iNmhWNC zB5_{R=o{qvxEvi(khbRS`FOXmOO|&Dj$&~>*oo)bZz%lPhEA@ zQ;;w5eu5^%i;)w?T&*=UaK?*|U3~{0tC`rvfEsRPgR~16;~{_S2&=E{fE2=c>{+y} zx1*NTv-*zO^px5TA|B```#NetKg`19O!BK*-#~wDM@KEllk^nfQ2quy25G%)l72<> zzL$^{DDM#jKt?<>m;!?E2p0l12`j+QJjr{Lx*47Nq(v6i3M&*P{jkZB{xR?NOSPN% zU>I+~d_ny=pX??qjF*E78>}Mgts@_yn`)C`wN-He_!OyE+gRI?-a>Om>Vh~3OX5+& z6MX*d1`SkdXwvb7KH&=31RCC|&H!aA1g_=ZY0hP)-Wm6?A7SG0*|$mC7N^SSBh@MG z9?V0tv_sE>X==yV{)^LsygK2=$Mo_0N!JCOU?r}rmWdHD%$h~~G3;bt`lH& zAuOOZ=G1Mih**0>lB5x+r)X^8mz!0K{SScj4|a=s^VhUEp#2M=^#WRqe?T&H9GnWa zYOq{+gBn9Q0e0*Zu>C(BAX=I-Af9wIFhCW6_>TsIH$d>|{fIrs&BX?2G>GvFc=<8` zVJ`#^knMU~65dWGgXcht`Kb>{V2oo%<{NK|iH+R^|Gx%q+env#Js*(EBT3V0=w4F@W+oLFsA)l7Qy8mx_;6Vrk;F2RjKFvmeq} zro&>@b^(?f))OoQ#^#s)tRL>b0gzhRYRG}EU%wr9GjQ#~Rpo|RSkeik^p9x2+=rUr}vfnQoeFAlv=oX%YqbLpvyvcZ3l$B z5bo;hDd(fjT;9o7g9xUg3|#?wU2#BJ0G&W1#wn?mfNR{O7bq747tc~mM%m%t+7YN}^tMa24O4@w<|$lk@pGx!;%pKiq&mZB z?3h<&w>un8r?Xua6(@Txu~Za9tI@|C4#!dmHMzDF_-_~Jolztm=e)@vG11bZQAs!tFvd9{C;oxC7VfWq377Y(LR^X_TyX9bn$)I765l=rJ%9uXcjggX*r?u zk|0!db_*1$&i8>d&G3C}A`{Fun_1J;Vx0gk7P_}8KBZDowr*8$@X?W6v^LYmNWI)lN92yQ;tDpN zOUdS-W4JZUjwF-X#w0r;97;i(l}ZZT$DRd4u#?pf^e2yaFo zbm>I@5}#8FjsmigM8w_f#m4fEP~r~_?OWB%SGWcn$ThnJ@Y`ZI-O&Qs#Y14To( zWAl>9Gw7#}eT(!c%D0m>5D8**a@h;sLW=6_AsT5v1Sd_T-C4pgu_kvc?7+X&n_fct znkHy(_LExh=N%o3I-q#f$F4QJpy>jZBW zRF7?EhqTGk)w&Koi}QQY3sVh?@e-Z3C9)P!(hMhxmXLC zF_+ZSTQU`Gqx@o(~B$dbr zHlEUKoK&`2gl>zKXlEi8w6}`X3kh3as1~sX5@^`X_nYl}hlbpeeVlj#2sv)CIMe%b zBs7f|37f8qq}gA~Is9gj&=te^wN8ma?;vF)7gce;&sZ64!7LqpR!fy)?4cEZposQ8 zf;rZF7Q>YMF1~eQ|Z*!5j0DuA=`~VG$Gg6B?Om1 z6fM@`Ck-K*k(eJ)Kvysb8sccsFf@7~3vfnC=<$q+VNv)FyVh6ZsWw}*vs>%k3$)9| zR9ek-@pA23qswe1io)(Vz!vS1o*XEN*LhVYOq#T`;rDkgt86T@O`23xW~;W_#ZS|x zvwx-XMb7_!hIte-#JNpFxskMMpo2OYhHRr0Yn8d^(jh3-+!CNs0K2B!1dL$9UuAD= zQ%7Ae(Y@}%Cd~!`h|wAdm$2WoZ(iA1(a_-1?znZ%8h72o&Mm*4x8Ta<4++;Yr6|}u zW8$p&izhdqF=m8$)HyS2J6cKyo;Yvb>DTfx4`4R{ zPSODe9E|uflE<`xTO=r>u~u=NuyB&H!(2a8vwh!jP!yfE3N>IiO1jI>7e&3rR#RO3_}G23W?gwDHgSgekzQ^PU&G5z&}V5GO? zfg#*72*$DP1T8i`S7=P;bQ8lYF9_@8^C(|;9v8ZaK2GnWz4$Th2a0$)XTiaxNWfdq z;yNi9veH!j)ba$9pke8`y2^63BP zIyYKj^7;2don3se!P&%I2jzFf|LA&tQ=NDs{r9fIi-F{-yiG-}@2`VR^-LIFN8BC4 z&?*IvLiGHH5>NY(Z^CL_A;yISNdq58}=u~9!Ia7 zm7MkDiK~lsfLpvmPMo!0$keA$`%Tm`>Fx9JpG^EfEb(;}%5}B4Dw!O3BCkf$$W-dF z$BupUPgLpHvr<<+QcNX*w@+Rz&VQz)Uh!j4|DYeKm5IC05T$KqVV3Y|MSXom+Jn8c zgUEaFW1McGi^44xoG*b0JWE4T`vka7qTo#dcS4RauUpE{O!ZQ?r=-MlY#;VBzhHGU zS@kCaZ*H73XX6~HtHd*4qr2h}Pf0Re@!WOyvres_9l2!AhPiV$@O2sX>$21)-3i+_ z*sHO4Ika^!&2utZ@5%VbpH(m2wE3qOPn-I5Tbnt&yn9{k*eMr3^u6zG-~PSr(w$p> zw)x^a*8Ru$PE+{&)%VQUvAKKiWiwvc{`|GqK2K|ZMy^Tv3g|zENL86z7i<c zW`W>zV1u}X%P;Ajn+>A)2iXZbJ5YB_r>K-h5g^N=LkN^h0Y6dPFfSBh(L`G$D%7c` z&0RXDv$}c7#w*7!x^LUes_|V*=bd&aP+KFi((tG*gakSR+FA26%{QJdB5G1F=UuU&koU*^zQA=cEN9}Vd?OEh| zgzbFf1?@LlPkcXH$;YZe`WEJ3si6&R2MRb}LYK&zK9WRD=kY-JMPUurX-t4(Wy{%` zZ@0WM2+IqPa9D(^*+MXw2NWwSX-_WdF0nMWpEhAyotIgqu5Y$wA=zfuXJ0Y2lL3#ji26-P3Z?-&0^KBc*`T$+8+cqp`%g0WB zTH9L)FZ&t073H4?t=(U6{8B+uRW_J_n*vW|p`DugT^3xe8Tomh^d}0k^G7$3wLgP& zn)vTWiMA&=bR8lX9H=uh4G04R6>C&Zjnx_f@MMY!6HK5v$T%vaFm;E8q=`w2Y}ucJ zkz~dKGqv9$E80NTtnx|Rf_)|3wxpnY6nh3U9<)fv2-vhQ6v=WhKO@~@X57N-`7Ppc zF;I7)eL?RN23FmGh0s;Z#+p)}-TgTJE%&>{W+}C`^-sy{gTm<$>rR z-X7F%MB9Sf%6o7A%ZHReD4R;imU6<9h81{%avv}hqugeaf=~^3A=x(Om6Lku-Pn9i zC;LP%Q7Xw*0`Kg1)X~nAsUfdV%HWrpr8dZRpd-#%)c#Fu^mqo|^b{9Mam`^Zw_@j@ zR&ZdBr3?@<@%4Z-%LT&RLgDUFs4a(CTah_5x4X`xDRugi#vI-cw*^{ncwMtA4NKjByYBza)Y$hozZCpuxL{IP&=tw6ZO52WY3|iwGf&IJCn+u(>icK zZB1~bWXCmwAUz|^<&ysd#*!DSp8}DLNbl5lRFat4NkvItxy;9tpp9~|@ z;JctShv^Iq4(z+y7^j&I?GCdKMVg&jCwtCkc4*@O7HY*veGDBtAIn*JgD$QftP}8= zxFAdF=(S>Ra6(4slk#h%b?EOU-96TIX$Jbfl*_7IY-|R%H zF8u|~hYS-YwWt5+^!uGcnKL~jM;)ObZ#q68ZkA?}CzV-%6_vPIdzh_wHT_$mM%vws9lxUj;E@#1UX?WO2R^41(X!nk$+2oJGr!sgcbn1f^yl1 z#pbPB&Bf;1&2+?};Jg5qgD1{4_|%X#s48rOLE!vx3@ktstyBsDQWwDz4GYlcgu$UJ zp|z_32yN72T*oT$SF8<}>e;FN^X&vWNCz>b2W0rwK#<1#kbV)Cf`vN-F$&knLo5T& z8!sO-*^x4=kJ$L&*h%rQ@49l?7_9IG99~xJDDil00<${~D&;kiqRQqeW5*22A`8I2 z(^@`qZoF7_`CO_e;8#qF!&g>UY;wD5MxWU>azoo=E{kW(GU#pbOi%XAn%?W{b>-bTt&2?G=E&BnK9m0zs{qr$*&g8afR_x`B~o zd#dxPpaap;I=>1j8=9Oj)i}s@V}oXhP*{R|@DAQXzQJekJnmuQ;vL90_)H_nD1g6e zS1H#dzg)U&6$fz0g%|jxDdz|FQN{KJ&Yx0vfuzAFewJjv`pdMRpY-wU`-Y6WQnJ(@ zGVb!-8DRJZvHnRFiR3PG3Tu^nCn(CcZHh7hQvyd7i6Q3&ot86XI{jo%WZqCPcTR0< zMRg$ZE=PQx66ovJDvI_JChN~k@L^Pyxv#?X^<)-TS5gk`M~d<~j%!UOWG;ZMi1af< z+86U0=sm!qAVJAIqqU`Qs1uJhQJA&n@9F1PUrYuW!-~IT>l$I!#5dBaiAK}RUufjg{$#GdQBkxF1=KU2E@N=i^;xgG2Y4|{H>s` z$t`k8c-8`fS7Yfb1FM#)vPKVE4Uf(Pk&%HLe z%^4L>@Z^9Z{ZOX<^e)~adVRkKJDanJ6VBC_m@6qUq_WF@Epw>AYqf%r6qDzQ~AEJ!jtUvLp^CcqZ^G-;Kz3T;O4WG45Z zFhrluCxlY`M+OKr2SeI697btH7Kj`O>A!+2DTEQ=48cR>Gg2^5uqp(+y5Sl09MRl* zp|28!v*wvMd_~e2DdKDMMQ|({HMn3D%%ATEecGG8V9>`JeL)T0KG}=}6K8NiSN5W< z79-ZdYWRUb`T}(b{RjN8>?M~opnSRl$$^gT`B27kMym5LNHu-k;A;VF8R(HtDYJHS zU7;L{a@`>jd0svOYKbwzq+pWSC(C~SPgG~nWR3pBA8@OICK$Cy#U`kS$I;?|^-SBC zBFkoO8Z^%8Fc-@X!KebF2Ob3%`8zlVHj6H;^(m7J35(_bS;cZPd}TY~qixY{MhykQ zV&7u7s%E=?i`}Ax-7dB0ih47w*7!@GBt<*7ImM|_mYS|9_K7CH+i}?*#o~a&tF-?C zlynEu1DmiAbGurEX2Flfy$wEVk7AU;`k#=IQE*6DMWafTL|9-vT0qs{A3mmZGzOyN zcM9#Rgo7WgB_ujU+?Q@Ql?V-!E=jbypS+*chI&zA+C_3_@aJal}!Q54?qsL0In({Ly zjH;e+_SK8yi0NQB%TO+Dl77jp#2pMGtwsgaC>K!)NimXG3;m7y`W+&<(ZaV>N*K$j zLL~I+6ouPk6_(iO>61cIsinx`5}DcKSaHjYkkMuDoVl>mKO<4$F<>YJ5J9A2Vl}#BP7+u~L8C6~D zsk`pZ$9Bz3teQS1Wb|8&c2SZ;qo<#F&gS;j`!~!ADr(jJXMtcDJ9cVi>&p3~{bqaP zgo%s8i+8V{UrYTc9)HiUR_c?cfx{Yan2#%PqJ{%?Wux4J;T$#cumM0{Es3@$>}DJg zqe*c8##t;X(4$?A`ve)e@YU3d2Balcivot{1(ahlE5qg@S-h(mPNH&`pBX$_~HdG48~)$x5p z{>ghzqqn_t8~pY<5?-To>cy^6o~mifr;KWvx_oMtXOw$$d6jddXG)V@a#lL4o%N@A zNJlQAz6R8{7jax-kQsH6JU_u*En%k^NHlvBB!$JAK!cYmS)HkLAkm0*9G3!vwMIWv zo#)+EamIJHEUV|$d|<)2iJ`lqBQLx;HgD}c3mRu{iK23C>G{0Mp1K)bt6OU?xC4!_ zZLqpFzeu&+>O1F>%g-%U^~yRg(-wSp@vmD-PT#bCWy!%&H;qT7rfuRCEgw67V!Qob z&tvPU@*4*$YF#2_>M0(75QxqrJr3Tvh~iDeFhxl=MzV@(psx%G8|I{~9;tv#BBE`l z3)_98eZqFNwEF1h)uqhBmT~mSmT8k$7vSHdR97K~kM)P9PuZdS;|Op4A?O<*%!?h` zn`}r_j%xvffs46x2hCWuo0BfIQWCw9aKkH==#B(TJ%p}p-RuIVzsRlaPL_Co{&R0h zQrqn=g1PGjQg3&sc2IlKG0Io#v%@p>tFwF)RG0ahYs@Zng6}M*d}Xua)+h&?$`%rb z;>M=iMh5eIHuJ5c$aC`y@CYjbFsJnSPH&}LQz4}za9YjDuao>Z^EdL@%saRm&LGQWXs*;FzwN#pH&j~SLhDZ+QzhplV_ij(NyMl z;v|}amvxRddO81LJFa~2QFUs z+Lk zZck)}9uK^buJNMo4G(rSdX{57(7&n=Q6$QZ@lIO9#<3pA2ceDpO_340B*pHlh_y{>i&c1?vdpN1j>3UN-;;Yq?P+V5oY`4Z(|P8SwWq<)n`W@AwcQ?E9 zd5j8>FT^m=MHEWfN9jS}UHHsU`&SScib$qd0i=ky0>4dz5ADy70AeIuSzw#gHhQ_c zOp1!v6qU)@8MY+ zMNIID?(CysRc2uZQ$l*QZVY)$X?@4$VT^>djbugLQJdm^P>?51#lXBkdXglYm|4{L zL%Sr?2f`J+xrcN@=0tiJt(<-=+v>tHy{XaGj7^cA6felUn_KPa?V4ebfq7~4i~GKE zpm)e@1=E;PP%?`vK6KVPKXjUXyLS1^NbnQ&?z>epHCd+J$ktT1G&L~T)nQeExe;0Z zlei}<_ni ztFo}j7nBl$)s_3odmdafVieFxc)m!wM+U`2u%yhJ90giFcU1`dR6BBTKc2cQ*d zm-{?M&%(={xYHy?VCx!ogr|4g5;V{2q(L?QzJGsirn~kWHU`l`rHiIrc-Nan!hR7zaLsPr4uR zG{En&gaRK&B@lyWV@yfFpD_^&z>84~_0Rd!v(Nr%PJhFF_ci3D#ixf|(r@$igZiWw za*qbXIJ_Hm4)TaQ=zW^g)FC6uvyO~Hg-#Z5Vsrybz6uOTF>Rq1($JS`imyNB7myWWpxYL(t7`H8*voI3Qz6mvm z$JxtArLJ(1wlCO_te?L{>8YPzQ})xJlvc5wv8p7Z=HviPYB#^#_vGO#*`<0r%MR#u zN_mV4vaBb2RwtoOYCw)X^>r{2a0kK|WyEYoBjGxcObFl&P*??)WEWKU*V~zG5o=s@ z;rc~uuQQf9wf)MYWsWgPR!wKGt6q;^8!cD_vxrG8GMoFGOVV=(J3w6Xk;}i)9(7*U zwR4VkP_5Zx7wqn8%M8uDj4f1aP+vh1Wue&ry@h|wuN(D2W;v6b1^ z`)7XBZ385zg;}&Pt@?dunQ=RduGRJn^9HLU&HaeUE_cA1{+oSIjmj3z+1YiOGiu-H zf8u-oVnG%KfhB8H?cg%@#V5n+L$MO2F4>XoBjBeX>css^h}Omu#)ExTfUE^07KOQS znMfQY2wz?!7!{*C^)aZ^UhMZf=TJNDv8VrrW;JJ9`=|L0`w9DE8MS>+o{f#{7}B4P z{I34>342vLsP}o=ny1eZkEabr@niT5J2AhByUz&i3Ck0H*H`LRHz;>3C_ru!X+EhJ z6(+(lI#4c`2{`q0o9aZhI|jRjBZOV~IA_km7ItNtUa(Wsr*Hmb;b4=;R(gF@GmsRI`pF+0tmq0zy~wnoJD(LSEwHjTOt4xb0XB-+ z&4RO{Snw4G%gS9w#uSUK$Zbb#=jxEl;}6&!b-rSY$0M4pftat-$Q)*y!bpx)R%P>8 zrB&`YEX2%+s#lFCIV;cUFUTIR$Gn2%F(3yLeiG8eG8&)+cpBlzx4)sK?>uIlH+$?2 z9q9wk5zY-xr_fzFSGxYp^KSY0s%1BhsI>ai2VAc8&JiwQ>3RRk?ITx!t~r45qsMnj zkX4bl06ojFCMq<9l*4NHMAtIxDJOX)H=K*$NkkNG<^nl46 zHWH1GXb?Og1f0S+8-((5yaeegCT62&4N*pNQY;%asz9r9Lfr;@Bl${1@a4QAvMLbV6JDp>8SO^q1)#(o%k!QiRSd0eTmzC< zNIFWY5?)+JTl1Roi=nS4%@5iF+%XztpR^BSuM~DX9q`;Mv=+$M+GgE$_>o+~$#?*y zAcD4nd~L~EsAjXV-+li6Lua4;(EFdi|M2qV53`^4|7gR8AJI;0Xb6QGLaYl1zr&eu zH_vFUt+Ouf4SXA~ z&Hh8K@ms^`(hJfdicecj>J^Aqd00^ccqN!-f-!=N7C1?`4J+`_f^nV!B3Q^|fuU)7 z1NDNT04hd4QqE+qBP+>ZE7{v;n3OGN`->|lHjNL5w40pePJ?^Y6bFk@^k%^5CXZ<+4qbOplxpe)l7c6m%o-l1oWmCx%c6@rx85hi(F=v(2 zJ$jN>?yPgU#DnbDXPkHLeQwED5)W5sH#-eS z%#^4dxiVs{+q(Yd^ShMN3GH)!h!@W&N`$L!SbElXCuvnqh{U7lcCvHI#{ZjwnKvu~ zAeo7Pqot+Ohm{8|RJsTr3J4GjCy5UTo_u_~p)MS&Z5UrUc|+;Mc(YS+ju|m3Y_Dvt zonVtpBWlM718YwaN3a3wUNqX;7TqvAFnVUoD5v5WTh~}r)KoLUDw%8Rrqso~bJqd> z_T!&Rmr6ebpV^4|knJZ%qmzL;OvG3~A*loGY7?YS%hS{2R0%NQ@fRoEK52Aiu%gj( z_7~a}eQUh8PnyI^J!>pxB(x7FeINHHC4zLDT`&C*XUpp@s0_B^!k5Uu)^j_uuu^T> z8WW!QK0SgwFHTA%M!L`bl3hHjPp)|wL5Var_*A1-H8LV?uY5&ou{hRjj>#X@rxV>5%-9hbP+v?$4}3EfoRH;l_wSiz{&1<+`Y5%o%q~4rdpRF0jOsCoLnWY5x?V)0ga>CDo`NpqS) z@x`mh1QGkx;f)p-n^*g5M^zRTHz%b2IkLBY{F+HsjrFC9_H(=9Z5W&Eymh~A_FUJ} znhTc9KG((OnjFO=+q>JQZJbeOoUM77M{)$)qQMcxK9f;=L;IOv_J>*~w^YOW744QZ zoG;!b9VD3ww}OX<8sZ0F##8hvfDP{hpa3HjaLsKbLJ8 z0WpY2E!w?&cWi7&N%bOMZD~o7QT*$xCRJ@{t31~qx~+0yYrLXubXh2{_L699Nl_pn z6)9eu+uUTUdjHXYs#pX^L)AIb!FjjNsTp7C399w&B{Q4q%yKfmy}T2uQdU|1EpNcY zDk~(h#AdxybjfzB+mg6rdU9mDZ^V>|U13Dl$Gj+pAL}lR2a1u!SJXU_YqP9N{ose4 zk+$v}BIHX60WSGVWv;S%zvHOWdDP(-ceo(<8`y@Goy%4wDu>57QZNJc)f>Ls+}9h7 z^N=#3q3|l?aG8K#HwiW2^PJu{v|x5;awYfahC?>_af3$LmMc4%N~JwVlRZa4c+eW2 zE!zosAjOv&UeCeu;Bn5OQUC=jtZjF;NDk9$fGbxf3d29SUBekX1!a$Vmq_VK*MHQ4)eB!dQrHH)LVYNF%-t8!d`@!cb z2CsKs3|!}T^7fSZm?0dJ^JE`ZGxA&a!jC<>6_y67On0M)hd$m*RAzo_qM?aeqkm`* zXpDYcc_>TFZYaC3JV>{>mp(5H^efu!Waa7hGTAts29jjuVd1vI*fEeB?A&uG<8dLZ z(j6;-%vJ7R0U9}XkH)1g>&uptXPHBEA*7PSO2TZ+dbhVxspNW~ZQT3fApz}2 z_@0-lZODcd>dLrYp!mHn4k>>7kibI!Em+Vh*;z}l?0qro=aJt68joCr5Jo(Vk<@i) z5BCKb4p6Gdr9=JSf(2Mgr=_6}%4?SwhV+JZj3Ox^_^OrQk$B^v?eNz}d^xRaz&~ zKVnlLnK#8^y=If2f1zmb~^5lPLe?%l}>?~wN4IN((2~U{e9fKhLMtYFj)I$(y zgnKv?R+ZpxA$f)Q2l=aqE6EPTK=i0sY&MDFJp!vQayyvzh4wee<}kybNthRlX>SHh z7S}9he^EBOqzBCww^duHu!u+dnf9veG{HjW!}aT7aJqzze9K6-Z~8pZAgdm1n~aDs z8_s7?WXMPJ3EPJHi}NL&d;lZP8hDhAXf5Hd!x|^kEHu`6QukXrVdLnq5zbI~oPo?7 z2Cbu8U?$K!Z4_yNM1a(bL!GRe!@{Qom+DxjrJ!B99qu5b*Ma%^&-=6UEbC+S2zX&= zQ!%bgJTvmv^2}hhvNQg!l=kbapAgM^hruE3k@jTxsG(B6d=4thBC*4tzVpCYXFc$a zeqgVB^zua)y-YjpiibCCdU%txXYeNFnXcbNj*D?~)5AGjL+!!ij_4{5EWKGav0^={~M^q}baAFOPzxfUM>`KPf|G z&hsaR*7(M6KzTj8Z?;45zX@L#xU{4n$9Q_<-ac(y4g~S|Hyp^-<*d8+P4NHe?~vfm z@y309=`lGdvN8*jw-CL<;o#DKc-%lb0i9a3%{v&2X($|Qxv(_*()&=xD=5oBg=$B0 zU?41h9)JKvP0yR{KsHoC>&`(Uz>?_`tlLjw1&5tPH3FoB%}j;yffm$$s$C=RHi`I3*m@%CPqWnP@B~%DEe;7ZT{9!IMTo1hT3Q347HJ&!)BM2 z3~aClf>aFh0_9||4G}(Npu`9xYY1*SD|M~9!CCFn{-J$u2&Dg*=5$_nozpoD2nxqq zB!--eA8UWZlcEDp4r#vhZ6|vq^9sFvRnA9HpHch5Mq4*T)oGbruj!U8Lx_G%Lby}o zTQ-_4A7b)5A42vA0U}hUJq6&wQ0J%$`w#ph!EGmW96)@{AUx>q6E>-r^Emk!iCR+X zdIaNH`$}7%57D1FyTccs3}Aq0<0Ei{`=S7*>pyg=Kv3nrqblqZcpsCWSQl^uMSsdj zYzh73?6th$c~CI0>%5@!Ej`o)Xm38u0fp9=HE@Sa6l2oX9^^4|Aq%GA z3(AbFR9gA_2T2i%Ck5V2Q2WW-(a&(j#@l6wE4Z`xg#S za#-UWUpU2U!TmIo`CN0JwG^>{+V#9;zvx;ztc$}@NlcyJr?q(Y`UdW6qhq!aWyB5xV1#Jb{I-ghFNO0 zFU~+QgPs{FY1AbiU&S$QSix>*rqYVma<-~s%ALhFyVhAYepId1 zs!gOB&weC18yhE-v6ltKZMV|>JwTX+X)Y_EI(Ff^3$WTD|Ea-1HlP;6L~&40Q&5{0 z$e$2KhUgH8ucMJxJV#M%cs!d~#hR^nRwk|uuCSf6irJCkSyI<%CR==tftx6d%;?ef zYIcjZrP@APzbtOeUe>m-TW}c-ugh+U*RbL1eIY{?>@8aW9bb1NGRy@MTse@>= za%;5=U}X%K2tKTYe9gjMcBvX%qrC&uZ`d(t)g)X8snf?vBe3H%dG=bl^rv8Z@YN$gd9yveHY0@Wt0$s zh^7jCp(q+6XDoekb;=%y=Wr8%6;z0ANH5dDR_VudDG|&_lYykJaiR+(y{zpR=qL3|2e${8 z2V;?jgHj7}Kl(d8C9xWRjhpf_)KOXl+@c4wrHy zL3#9U(`=N59og2KqVh>nK~g9>fX*PI0`>i;;b6KF|8zg+k2hViCt}4dfMdvb1NJ-Rfa7vL2;lPK{Lq*u`JT>S zoM_bZ_?UY6oV6Ja14X^;LqJPl+w?vf*C!nGK;uU^0GRN|UeFF@;H(Hgp8x^|;ygh? zIZx3DuO(lD01ksanR@Mn#lti=p28RTNYY6yK={RMFiVd~k8!@a&^jicZ&rxD3CCI! zVb=fI?;c#f{K4Pp2lnb8iF2mig)|6JEmU86Y%l}m>(VnI*Bj`a6qk8QL&~PFDxI8b z2mcsQBe9$q`Q$LfG2wdvK`M1}7?SwLAV&)nO;kAk`SAz%x9CDVHVbUd$O(*aI@D|s zLxJW7W(QeGpQY<$dSD6U$ja(;Hb3{Zx@)*fIQaW{8<$KJ&fS0caI2Py^clOq9@Irt z7th7F?7W`j{&UmM==Lo~T&^R7A?G=K_e-zfTX|)i`pLitlNE(~tq*}sS1x2}Jlul6 z5+r#4SpQu8h{ntIv#qCVH`uG~+I8l+7ZG&d`Dm!+(rZQDV*1LS^WfH%-!5aTAxry~ z4xl&rot5ct{xQ$w$MtVTUi6tBFSJWq2Rj@?HAX1H$eL*fk{Hq;E`x|hghRkipYNyt zKCO=*KSziiVk|+)qQCGrTYH9X!Z0$k{Nde~0Wl`P{}ca%nv<6fnYw^~9dYxTnTZB&&962jX0DM&wy&8fdxX8xeHSe=UU&Mq zRTaUKnQO|A>E#|PUo+F=Q@dMdt`P*6e92za(TH{5C*2I2S~p?~O@hYiT>1(n^Lqqn zqewq3ctAA%0E)r53*P-a8Ak32mGtUG`L^WVcm`QovX`ecB4E9X60wrA(6NZ7z~*_DV_e z8$I*eZ8m=WtChE{#QzeyHpZ%7GwFHlwo2*tAuloI-j2exx3#x7EL^&D;Re|Kj-XT- zt908^soV2`7s+Hha!d^#J+B)0-`{qIF_x=B811SZlbUe%kvPce^xu7?LY|C z@f1gRPha1jq|=f}Se)}v-7MWH9)YAs*FJ&v3ZT9TSi?e#jarin0tjPNmxZNU_JFJG z+tZi!q)JP|4pQ)?l8$hRaPeoKf!3>MM-bp06RodLa*wD=g3)@pYJ^*YrwSIO!SaZo zDTb!G9d!hb%Y0QdYxqNSCT5o0I!GDD$Z@N!8J3eI@@0AiJmD7brkvF!pJGg_AiJ1I zO^^cKe`w$DsO|1#^_|`6XTfw6E3SJ(agG*G9qj?JiqFSL|6tSD6vUwK?Cwr~gg)Do zp@$D~7~66-=p4`!!UzJDKAymb!!R(}%O?Uel|rMH>OpRGINALtg%gpg`=}M^Q#V5( zMgJY&gF)+;`e38QHI*c%B}m94o&tOfae;og&!J2;6ENW}QeL73jatbI1*9X~y=$Dm%6FwDcnCyMRL}zo`0=y7=}*Uw zo3!qZncAL{HCgY!+}eKr{P8o27ye+;qJP;kOB%RpSesGoHLT6tcYp*6v~Z9NCyb6m zP#qds0jyqXX46qMNhXDn3pyIxw2f_z;L_X9EIB}AhyC`FYI}G3$WnW>#NMy{0aw}nB%1=Z4&*(FaCn5QG(zvdG^pQRU25;{wwG4h z@kuLO0F->{@g2!;NNd!PfqM-;@F0;&wK}0fT9UrH}(8A5I zt33(+&U;CLN|8+71@g z(s!f-kZZZILUG$QXm9iYiE*>2w;gpM>lgM{R9vT3q>qI{ELO2hJHVi`)*jzOk$r)9 zq}$VrE0$GUCm6A3H5J-=Z9i*biw8ng zi<1nM0lo^KqRY@Asucc#DMmWsnCS;5uPR)GL3pL=-IqSd>4&D&NKSGHH?pG;=Xo`w zw~VV9ddkwbp~m>9G0*b?j7-0fOwR?*U#BE#n7A=_fDS>`fwatxQ+`FzhBGQUAyIRZ??eJt46vHBlR>9m!vfb6I)8!v6TmtZ%G6&E|1e zOtx5xy%yOSu+<9Ul5w5N=&~4Oph?I=ZKLX5DXO(*&Po>5KjbY7s@tp$8(fO|`Xy}Y z;NmMypLoG7r#Xz4aHz7n)MYZ7Z1v;DFHLNV{)to;(;TJ=bbMgud96xRMME#0d$z-S z-r1ROBbW^&YdQWA>U|Y>{whex#~K!ZgEEk=LYG8Wqo28NFv)!t!~}quaAt}I^y-m| z8~E{9H2VnyVxb_wCZ7v%y(B@VrM6lzk~|ywCi3HeiSV`TF>j+Ijd|p*kyn;=mqtf8&DK^|*f+y$38+9!sis9N=S)nINm9=CJ<;Y z!t&C>MIeyou4XLM*ywT_JuOXR>VkpFwuT9j5>667A=CU*{TBrMTgb4HuW&!%Yt`;#md7-`R`ouOi$rEd!ErI zo#>qggAcx?C7`rQ2;)~PYCw%CkS(@EJHZ|!!lhi@Dp$*n^mgrrImsS~(ioGak>3)w zvop0lq@IISuA0Ou*#1JkG{U>xSQV1e}c)!d$L1plFX5XDXX5N7Ns{kT{y5|6MfhBD+esT)e7&CgSW8FxsXTAY=}?0A!j_V9 zJ;IJ~d%av<@=fNPJ9)T3qE78kaz64E>dJaYab5uaU`n~Zdp2h{8DV%SKE5G^$LfuOTRRjB;TnT(Jk$r{Pfe4CO!SM_7d)I zquW~FVCpSycJ~c*B*V8?Qqo=GwU8CkmmLFugfHQ7;A{yCy1OL-+X=twLYg9|H=~8H znnN@|tCs^ZLlCBl5wHvYF}2vo>a6%mUWpTds_mt*@wMN4-r`%NTA%+$(`m6{MNpi@ zMx)8f>U4hd!row@gM&PVo&Hx+lV@$j9yWTjTue zG9n0DP<*HUmJ7ZZWwI2x+{t3QEfr6?T}2iXl=6e0b~)J>X3`!fXd9+2wc1%cj&F@Z zgYR|r5Xd5jy9;YW&=4{-0rJ*L5CgDPj9^3%bp-`HkyBs`j1iTUGD4?WilZ6RO8mIE z+~Joc?GID6K96dyuv(dWREK9Os~%?$$FxswxQsoOi8M?RnL%B~Lyk&(-09D0M?^Jy zWjP)n(b)TF<-|CG%!Vz?8Fu&6iU<>oG#kGcrcrrBlfZMVl0wOJvsq%RL9To%iCW@)#& zZAJWhgzYAq)#NTNb~3GBcD%ZZOc43!YWSyA7TD6xkk)n^FaRAz73b}%9d&YisBic(?mv=Iq^r%Ug zzHq-rRrhfOOF+yR=AN!a9*Rd#sM9ONt5h~w)yMP7Dl9lfpi$H0%GPW^lS4~~?vI8Z z%^ToK#NOe0ExmUsb`lLO$W*}yXNOxPe@zD*90uTDULnH6C?InP3J=jYEO2d)&e|mP z1DSd0QOZeuLWo*NqZzopA+LXy9)fJC00NSX=_4Mi1Z)YyZVC>C!g}cY(Amaj%QN+bev|Xxd2OPD zk!dfkY6k!(sDBvsFC2r^?}hb81(WG5Lt9|riT`2?P;B%jaf5UX<~OJ;uAL$=Ien+V zC!V8u0v?CUa)4*Q+Q_u zkx{q;NjLcvyMuU*{+uDsCQ4U{JLowYby-tn@hatL zy}X>9y08#}oytdn^qfFesF)Tt(2!XGw#r%?7&zzFFh2U;#U9XBO8W--#gOpfbJ`Ey z|M8FCKlWQrOJwE;@Sm02l9OBr7N}go4V8ur)}M@m2uWjggb)DC4s`I4d7_8O&E(j; z?3$9~R$QDxNM^rNh9Y;6P7w+bo2q}NEd6f&_raor-v`UCaTM3TT8HK2-$|n{N@U>_ zL-`P7EXoEU5JRMa)?tNUEe8XFis+w8g9k(QQ)%?&Oac}S`2V$b?%`DwXBgja&&fR@ zH_XidF$p1wA)J|Wk1;?lCl?fgc)=TB3>Y8;BoMqHwJqhL)Tgydv9(?(TBX)fq%=~C zmLj!iX-kn7QA(9snzk0LRf<%SzO&~IhLor6A3f*U^UcoAygRe!H#@UCv$JUP&vPxs zeDj$1%#<2T1!e|!7xI+~_VXLl5|jHqvOhU7ZDUGee;HnkcPP=_k_FFxPjXg*9KyI+ zIh0@+s)1JDSuKMeaDZ3|<_*J8{TUFDLl|mXmY8B>Wj_?4mC#=XjsCKPEO=p0c&t&Z zd1%kHxR#o9S*C?du*}tEHfAC7WetnvS}`<%j=o7YVna)6pw(xzkUi7f#$|^y4WQ{7 zu@@lu=j6xr*11VEIY+`B{tgd(c3zO8%nGk0U^%ec6h)G_`ki|XQXr!?NsQkxzV6Bn1ea9L+@ z(Zr7CU_oXaW>VOdfzENm+FlFQ7Se0ROrNdw(QLvb6{f}HRQ{$Je>(c&rws#{dFI^r zZ4^(`J*G0~Pu_+p5AAh>RRpkcbaS2a?Fe&JqxDTp`dIW9;DL%0wxX5;`KxyA4F{(~_`93>NF@bj4LF!NC&D6Zm+Di$Q-tb2*Q z&csGmXyqA%Z9s(AxNO3@Ij=WGt=UG6J7F;r*uqdQa z?7j!nV{8eQE-cwY7L(3AEXF3&V*9{DpSYdyCjRhv#&2johwf{r+k`QB81%!aRVN<& z@b*N^xiw_lU>H~@4MWzgHxSOGVfnD|iC7=hf0%CPm_@@4^t-nj#GHMug&S|FJtr?i z^JVrobltd(-?Ll>)6>jwgX=dUy+^n_ifzM>3)an3iOzpG9Tu;+96TP<0Jm_PIqof3 zMn=~M!#Ky{CTN_2f7Y-i#|gW~32RCWKA4-J9sS&>kYpTOx#xVNLCo)A$LUme^fVNH z@^S7VU^UJ0YR8?Oy$^IYuG*bm|g;@aX~i60%`7XLy*AYpYvZ^F^U(!|RW z*C!rJ@+7TGdL=nNd1gv^%B+;Fcr$y)i0!GRsZXRHPs>QVGVR{9r_#&Qd(wL|5;H;> zD>HUw=4CF++&{7$<8G@j*nGjhEO%BQYfjeItp4mPvY*JYb1HKd!{HJ9*)(3%BR%{Pp?AM&*yHAJsW({ivOzj*qS!-7|XEn6@zo z3L*tBT%<4RxoAh>q{0n_JBmgW6&8hx?kL(_^k%VL>?xjAyrKBmSl`$=V|SK}ELl}@ zd|d0eo#RfG`bw9SK3%r4Y+rdvc}w}~ixV%tqawbdqvE-WcgE+BUpxMT%F@btm76MG zn=oQRWWuTm+a{dy)Oc2V4yX(@M{QAkx>(QB59*`dLT`Pz3Lsj9iB=HSHAiCq()ns|Cr)1*c605Cx}3V&x}Lg?b+6Q?)z7Kl zQh&1Hx`y6JY-Cwvd*ozeps}a1xAA0CR+Da;+O(i)P1C;SjOI}Dtmf6tPqo-Bl`U78 zv$kYgPntPp@G)n1an9tEoL*Vumu9`>_@I(;+5+fBa-*?fEx=mTEjZ7wq}#@Gd5_cW z!mP{N=yqEntDo)|>oy6{9cu+-3*GTnmb^`O0^FzRPO^&aG`f@F_R*aQ_e{F+_9%NW z4KG_B`@X3EVV9L>?_RNDMddA>w=e0KfAiw5?#i1NFT%Zz#nuv(&!yIU>lVxmzYKQ` zzJ*0w9<&L4aJ6A;0j|_~i>+y(q-=;2Xxhx2v%CYY^{} z^J@LO()eLo|7!{ghQ+(u$wxO*xY#)cL(|miH2_ck2yN{mu4O9=hBW*pM_()-_YdH#Ru{JtwJ^R2}3?!>>m1pohh zrn(!xCjE0Q&EH1QK?zA%sxVh&H99cObJUY$veZhQ)MLu-h%`!*G)s$2k;~+A z)Kk->Ri?`oGDEJEtI*wijm(s5f$W78FH{+qBxiU{~kq((J3uK{m z$|C8K#j-?hm8H@x%VfFqpnvu@xn1s%J7uNZC9C99a<_b1J|mx%)$%!6gPU|~<@2&m zz99GDp`|a%m*iggvfL;4%X;~WY>)@!tMWB@P`)k?$;0x9JSrRI8?s3rlgH(o@`OAo zn{f*gZ#t2u6K??hx|aElOM`Xd0t+SAIUEHvFw%?Wsm$s zUXq{6UU?a>Nc@@Xlb_2k9M1Ctr<#+O?yd}rv z_wu&=_t$!Yngd@N_AUj}T; z#*Ce|%XZr_sQcsWcsl{pCnnj+c8ZNIMmx<;w=-g$Q>BU;9k;w|zQ;4!W32Xg2Cd?{ zvmO3kuKQ^Hv;o>6ZHP8ZJ2`4~Bx?N;cf<0fi=!*G^^WzbTF3e$b&d^qqB{>nqLG81 zs94bBh%|Vj+hLu=!8(b9brJ>ZBns9^6s(gdSVyP9qnu2_I{Sg8j-rloG6{d`De5We zDe5WeY3ga}Y3ga}Y3ga}Y3ga}Y3ga}d8y~6o|k%F>UpW>rJk31Ug~+N=cS&HdOqs; zsOO`ek9t1p`Kafko{xGy>iMbXr=FjBxZMYc8a#gL`Kjlpo}YSt>iMY`pk9DF0qO*( z6QE9jIsxhgs1u-0kUBx8D@eT{^@7w3QZGooAoYUO3sNscy%6<6)C*BBM7L`dk$Xk%6}eZQXgo#!75P`>Uy*-B{uTLGUy*-B{uTLGUy*-B{uTLG))v8{5gt_uj9!t5)^yb-JtjRGrhi zYInOUNJxNyf_yKX01)K=WP|Si>HqEj|B{eUl?MR<)%<1&{(~)D+NPwKxWqT-@~snp zg9KCz1VTZDiS?UH`PRk1VPM{29cgT9=D?!Wc_@}qzggFv;gb@2cJQAYWWtpEZ7?y@jSVqjx${B5UV@SO|wH<<0; z{><1KdVI%Ki}>~<`46C0AggwUwx-|QcU;iiZ{NZu`ur>hd*|Hb(|6veERqxu=b@5Bab=rqptGxd{QJg!4*-i_$sES~)AB46}Fjg|ea#e@?J}z%CUJ zOsLWRQR1#ng^sD)A4FDuY!iUhzlgfJh(J@BRqd&P#v2B`+saBx>m+M&q7vk-75$NH%T5pi%m z5FX?`2-5l53=a&GkC9^NZCLpN5(DMKMwwab$FDIs?q>4!!xBS}75gX_5;(luk;3Vl zLCLd5a_8`Iyz}K}+#RMwu6DVk3O_-}n>aE!4NaD*sQn`GxY?cHe!Bl9n?u&g6?aKm z-P8z&;Q3gr;h`YIxX%z^o&GZZg1=>_+hP2$$-DnL_?7?3^!WAsY4I7|@K;aL<>OTK zByfjl2PA$T83*LM9(;espx-qB%wv7H2i6CFsfAg<9V>Pj*OpwX)l?^mQfr$*OPPS$ z=`mzTYs{*(UW^ij1U8UfXjNoY7GK*+YHht(2oKE&tfZuvAyoN(;_OF>-J6AMmS5fB z^sY6wea&&${+!}@R1f$5oC-2J>J-A${@r(dRzc`wnK>a7~8{Y-scc|ETOI8 zjtNY%Y2!PI;8-@a=O}+{ap1Ewk0@T`C`q!|=KceX9gK8wtOtIC96}-^7)v23Mu;MH zhKyLGOQMujfRG$p(s`(2*nP4EH7*J57^=|%t(#PwCcW7U%e=8Jb>p6~>RAlY4a*ts=pl}_J{->@kKzxH|8XQ5{t=E zV&o`$D#ZHdv&iZWFa)(~oBh-Osl{~CS0hfM7?PyWUWsr5oYlsyC1cwULoQ4|Y5RHA2*rN+EnFPnu z`Y_&Yz*#550YJwDy@brZU>0pWV^RxRjL221@2ABq)AtA%Cz?+FG(}Yh?^v)1Lnh%D zeM{{3&-4#F9rZhS@DT0E(WRkrG!jC#5?OFjZv*xQjUP~XsaxL2rqRKvPW$zHqHr8Urp2Z)L z+)EvQeoeJ8c6A#Iy9>3lxiH3=@86uiTbnnJJJoypZ7gco_*HvKOH97B? zWiwp>+r}*Zf9b3ImxwvjL~h~j<<3shN8$k-$V1p|96I!=N6VBqmb==Bec|*;HUg?) z4!5#R*(#Fe)w%+RH#y{8&%%!|fQ5JcFzUE;-yVYR^&Ek55AXb{^w|@j|&G z|6C-+*On%j;W|f8mj?;679?!qY86c{(s1-PI2Wahoclf%1*8%JAvRh1(0)5Vu37Iz z`JY?RW@qKr+FMmBC{TC7k@}fv-k8t6iO}4K-i3WkF!Lc=D`nuD)v#Na zA|R*no51fkUN3^rmI;tty#IK284*2Zu!kG13!$OlxJAt@zLU`kvsazO25TpJLbK&;M8kw*0)*14kpf*)3;GiDh;C(F}$- z1;!=OBkW#ctacN=je*Pr)lnGzX=OwgNZjTpVbFxqb;8kTc@X&L2XR0A7oc!Mf2?u9 zcctQLCCr+tYipa_k=;1ETIpHt!Jeo;iy^xqBES^Ct6-+wHi%2g&)?7N^Yy zUrMIu){Jk)luDa@7We5U!$$3XFNbyRT!YPIbMKj5$IEpTX1IOtVP~(UPO2-+9ZFi6 z-$3<|{Xb#@tABt0M0s1TVCWKwveDy^S!!@4$s|DAqhsEv--Z}Dl)t%0G>U#ycJ7cy z^8%;|pg32=7~MJmqlC-x07Sd!2YX^|2D`?y;-$a!rZ3R5ia{v1QI_^>gi(HSS_e%2 zUbdg^zjMBBiLr8eSI^BqXM6HKKg#@-w`a**w(}RMe%XWl3MipvBODo*hi?+ykYq)z ziqy4goZw0@VIUY65+L7DaM5q=KWFd$;W3S!Zi>sOzpEF#(*3V-27N;^pDRoMh~(ZD zJLZXIam0lM7U#)119Hm947W)p3$%V`0Tv+*n=&ybF&}h~FA}7hEpA&1Y!BiYIb~~D z$TSo9#3ee02e^%*@4|*+=Nq6&JG5>zX4k5f?)z*#pI-G(+j|jye%13CUdcSP;rNlY z#Q!X%zHf|V)GWIcEz-=fW6AahfxI~y7w7i|PK6H@@twdgH>D_R@>&OtKl}%MuAQ7I zcpFmV^~w~8$4@zzh~P~+?B~%L@EM3x(^KXJSgc6I=;)B6 zpRco2LKIlURPE*XUmZ^|1vb?w*ZfF}EXvY13I4af+()bAI5V?BRbFp`Sb{8GRJHd* z4S2s%4A)6Uc=PK%4@PbJ<{1R6+2THMk0c+kif**#ZGE)w6WsqH z`r^DL&r8|OEAumm^qyrryd(HQ9olv$ltnVGB{aY?_76Uk%6p;e)2DTvF(;t=Q+|8b zqfT(u5@BP);6;jmRAEV057E*2d^wx@*aL1GqWU|$6h5%O@cQtVtC^isd%gD7PZ_Io z_BDP5w(2*)Mu&JxS@X%%ByH_@+l>y07jIc~!@;Raw)q_;9oy@*U#mCnc7%t85qa4? z%_Vr5tkN^}(^>`EFhag;!MpRh!&bKnveQZAJ4)gEJo1@wHtT$Gs6IpznN$Lk-$NcM z3ReVC&qcXvfGX$I0nfkS$a|Pm%x+lq{WweNc;K>a1M@EAVWs2IBcQPiEJNt}+Ea8~WiapASoMvo(&PdUO}AfC~>ZGzqWjd)4no( ziLi#e3lOU~sI*XPH&n&J0cWfoh*}eWEEZW%vX?YK!$?w}htY|GALx3;YZoo=JCF4@ zdiaA-uq!*L5;Yg)z-_`MciiIwDAAR3-snC4V+KA>&V%Ak;p{1u>{Lw$NFj)Yn0Ms2*kxUZ)OTddbiJM}PK!DM}Ot zczn?EZXhx3wyu6i{QMz_Ht%b?K&-@5r;8b076YDir`KXF0&2i9NQ~#JYaq*}Ylb}^ z<{{6xy&;dQ;|@k_(31PDr!}}W$zF7Jv@f%um0M$#=8ygpu%j(VU-d5JtQwT714#f0z+Cm$F9JjGr_G!~NS@L9P;C1? z;Ij2YVYuv}tzU+HugU=f9b1Wbx3418+xj$RKD;$gf$0j_A&c;-OhoF*z@DhEW@d9o zbQBjqEQnn2aG?N9{bmD^A#Um6SDKsm0g{g_<4^dJjg_l_HXdDMk!p`oFv8+@_v_9> zq;#WkQ!GNGfLT7f8m60H@$tu?p;o_It#TApmE`xnZr|_|cb3XXE)N^buLE`9R=Qbg zXJu}6r07me2HU<)S7m?@GzrQDTE3UH?FXM7V+-lT#l}P(U>Fvnyw8T7RTeP`R579m zj=Y>qDw1h-;|mX-)cSXCc$?hr;43LQt)7z$1QG^pyclQ1Bd!jbzsVEgIg~u9b38;> zfsRa%U`l%did6HzPRd;TK{_EW;n^Ivp-%pu0%9G-z@Au{Ry+EqEcqW=z-#6;-!{WA z;l+xC6Zke>dl+(R1q7B^Hu~HmrG~Kt575mzve>x*cL-shl+zqp6yuGX)DDGm`cid! znlnZY=+a5*xQ=$qM}5$N+o!^(TqTFHDdyCcL8NM4VY@2gnNXF|D?5a558Lb*Yfm4) z_;0%2EF7k{)i(tTvS`l5he^KvW%l&-suPwpIlWB_Za1Hfa$@J!emrcyPpTKKM@NqL z?X_SqHt#DucWm<3Lp}W|&YyQE27zbGP55=HtZmB(k*WZA79f##?TweCt{%5yuc+Kx zgfSrIZI*Y57FOD9l@H0nzqOu|Bhrm&^m_RK6^Z<^N($=DDxyyPLA z+J)E(gs9AfaO`5qk$IGGY+_*tEk0n_wrM}n4G#So>8Dw6#K7tx@g;U`8hN_R;^Uw9JLRUgOQ?PTMr4YD5H7=ryv)bPtl=<&4&% z*w6k|D-%Tg*F~sh0Ns(h&mOQ_Qf{`#_XU44(VDY8b})RFpLykg10uxUztD>gswTH} z&&xgt>zc(+=GdM2gIQ%3V4AGxPFW0*l0YsbA|nFZpN~ih4u-P!{39d@_MN)DC%d1w z7>SaUs-g@Hp7xqZ3Tn)e z7x^sC`xJ{V<3YrmbB{h9i5rdancCEyL=9ZOJXoVHo@$$-%ZaNm-75Z-Ry9Z%!^+STWyv~To>{^T&MW0-;$3yc9L2mhq z;ZbQ5LGNM+aN628)Cs16>p55^T^*8$Dw&ss_~4G5Go63gW^CY+0+Z07f2WB4Dh0^q z-|6QgV8__5>~&z1gq0FxDWr`OzmR}3aJmCA^d_eufde7;d|OCrKdnaM>4(M%4V`PxpCJc~UhEuddx9)@)9qe_|i z)0EA%&P@_&9&o#9eqZCUCbh?`j!zgih5sJ%c4(7_#|Xt#r7MVL&Q+^PQEg3MBW;4T zG^4-*8L%s|A}R%*eGdx&i}B1He(mLygTmIAc^G(9Si zK7e{Ngoq>r-r-zhyygK)*9cj8_%g z)`>ANlipCdzw(raeqP-+ldhyUv_VOht+!w*>Sh+Z7(7(l=9~_Vk ztsM|g1xW`?)?|@m2jyAgC_IB`Mtz(O`mwgP15`lPb2V+VihV#29>y=H6ujE#rdnK` zH`EaHzABs~teIrh`ScxMz}FC**_Ii?^EbL(n90b(F0r0PMQ70UkL}tv;*4~bKCiYm zqngRuGy`^c_*M6{*_~%7FmOMquOEZXAg1^kM`)0ZrFqgC>C%RJvQSo_OAA(WF3{euE}GaeA?tu5kF@#62mM$a051I zNhE>u>!gFE8g#Jj95BqHQS%|>DOj71MZ?EYfM+MiJcX?>*}vKfGaBfQFZ3f^Q-R1# znhyK1*RvO@nHb|^i4Ep_0s{lZwCNa;Ix<{E5cUReguJf+72QRZIc%`9-Vy)D zWKhb?FbluyDTgT^naN%l2|rm}oO6D0=3kfXO2L{tqj(kDqjbl(pYz9DykeZlk4iW5 zER`)vqJxx(NOa;so@buE!389-YLbEi@6rZG0#GBsC+Z0fzT6+d7deYVU;dy!rPXiE zmu73@Jr&~K{-9MVQD}&`)e>yLNWr>Yh8CXae9XqfvVQ&eC_;#zpoaMxZ0GpZz7xjx z`t_Q-F?u=vrRPaj3r<9&t6K=+egimiJ8D4gh-rUYvaVy zG($v+3zk5sMuOhjxkH7bQ}(5{PD3Mg?!@8PkK&w>n7tO8FmAmoF30_#^B~c(Q_`4L zYWOoDVSnK|1=p{+@`Fk^Qb81Xf89_S`RSTzv(a4ID%71nll%{Wad$!CKfeTKkyC?n zCkMKHU#*nz_(tO$M)UP&ZfJ#*q(0Gr!E(l5(ce<3xut+_i8XrK8?Xr7_oeHz(bZ?~8q5q~$Rah{5@@7SMN zx9PnJ-5?^xeW2m?yC_7A#WK*B@oIy*Y@iC1n7lYKj&m7vV;KP4TVll=II)$39dOJ^czLRU>L> z68P*PFMN+WXxdAu=Hyt3g$l(GTeTVOZYw3KY|W0Fk-$S_`@9`K=60)bEy?Z%tT+Iq z7f>%M9P)FGg3EY$ood+v$pdsXvG? zd2q3abeu-}LfAQWY@=*+#`CX8RChoA`=1!hS1x5dOF)rGjX4KFg!iPHZE2E=rv|A} zro(8h38LLFljl^>?nJkc+wdY&MOOlVa@6>vBki#gKhNVv+%Add{g6#-@Z$k*ps}0Y zQ=8$)+Nm||)mVz^aa4b-Vpg=1daRaOU)8@BY4jS>=5n#6abG@(F2`=k-eQ9@u# zxfNFHv=z2w@{p1dzSOgHokX1AUGT0DY4jQI@YMw)EWQ~q5wmR$KQ}Y;(HPMSQCwzu zdli|G?bj(>++CP)yQ4s6YfpDc3KqPmquQSxg%*EnTWumWugbDW5ef%8j-rT#3rJu? z)5n;4b2c*;2LIW%LmvUu6t1~di~}0&Svy}QX#ER|hDFZwl!~zUP&}B1oKAxIzt~so zb!GaJYOb#&qRUjEI1xe_`@7qv_-LggQ$JE8+{ryT4%ldwC5ete+{G3C#g@^oxfY3#F zcLlj(l2G8>tC<5XWV|6_DZQZ7ow?MD8EZ9mM2oV~WoV-uoExmbwpzc6eMV}%J_{3l zW(4t2a-o}XRlU|NSiYn!*nR(Sc>*@TuU*(S77gfCi7+WR%2b;4#RiyxWR3(u5BIdf zo@#g4wQjtG3T$PqdX$2z8Zi|QP~I^*9iC+(!;?qkyk&Q7v>DLJGjS44q|%yBz}}>i z&Ve%^6>xY<=Pi9WlwpWB%K10Iz`*#gS^YqMeV9$4qFchMFO}(%y}xs2Hn_E}s4=*3 z+lAeCKtS}9E{l(P=PBI;rsYVG-gw}-_x;KwUefIB@V%RLA&}WU2XCL_?hZHoR<7ED zY}4#P_MmX(_G_lqfp=+iX|!*)RdLCr-1w`4rB_@bI&Uz# z!>9C3&LdoB$r+O#n);WTPi;V52OhNeKfW6_NLnw zpFTuLC^@aPy~ZGUPZr;)=-p|b$-R8htO)JXy{ecE5a|b{{&0O%H2rN&9(VHxmvNly zbY?sVk}@^{aw)%#J}|UW=ucLWs%%j)^n7S%8D1Woi$UT}VuU6@Sd6zc2+t_2IMBxd zb4R#ykMr8s5gKy=v+opw6;4R&&46$V+OOpDZwp3iR0Osqpjx))joB*iX+diVl?E~Q zc|$qmb#T#7Kcal042LUNAoPTPUxF-iGFw>ZFnUqU@y$&s8%h-HGD`EoNBbe#S>Y-4 zlkeAP>62k~-N zHQqXXyN67hGD6CxQIq_zoepU&j0 zYO&}<4cS^2sp!;5))(aAD!KmUED#QGr48DVlwbyft31WlS2yU<1>#VMp?>D1BCFfB z_JJ-kxTB{OLI}5XcPHXUo}x~->VP%of!G_N-(3Snvq`*gX3u0GR&}*fFwHo3-vIw0 zeiWskq3ZT9hTg^je{sC^@+z3FAd}KNhbpE5RO+lsLgv$;1igG7pRwI|;BO7o($2>mS(E z$CO@qYf5i=Zh6-xB=U8@mR7Yjk%OUp;_MMBfe_v1A(Hqk6!D})x%JNl838^ZA13Xu zz}LyD@X2;5o1P61Rc$%jcUnJ>`;6r{h5yrEbnbM$$ntA@P2IS1PyW^RyG0$S2tUlh z8?E(McS?7}X3nAAJs2u_n{^05)*D7 zW{Y>o99!I9&KQdzgtG(k@BT|J*;{Pt*b|?A_})e98pXCbMWbhBZ$t&YbNQOwN^=F) z_yIb_az2Pyya2530n@Y@s>s>n?L79;U-O9oPY$==~f1gXro5Y z*3~JaenSl_I}1*&dpYD?i8s<7w%~sEojqq~iFnaYyLgM#so%_ZZ^WTV0`R*H@{m2+ zja4MX^|#>xS9YQo{@F1I)!%RhM{4ZUapHTKgLZLcn$ehRq(emb8 z9<&Nx*RLcS#)SdTxcURrJhxPM2IBP%I zf1bWu&uRf{60-?Gclb5(IFI*!%tU*7d`i!l@>TaHzYQqH4_Y*6!Wy0d-B#Lz7Rg3l zqKsvXUk9@6iKV6#!bDy5n&j9MYpcKm!vG7z*2&4G*Yl}iccl*@WqKZWQSJCgQSj+d ze&}E1mAs^hP}>`{BJ6lv*>0-ft<;P@`u&VFI~P3qRtufE11+|#Y6|RJccqo27Wzr}Tp|DH z`G4^v)_8}R24X3}=6X&@Uqu;hKEQV^-)VKnBzI*|Iskecw~l?+R|WKO*~(1LrpdJ? z0!JKnCe<|m*WR>m+Qm+NKNH<_yefIml z+x32qzkNRrhR^IhT#yCiYU{3oq196nC3ePkB)f%7X1G^Ibog$ZnYu4(HyHUiFB`6x zo$ty-8pknmO|B9|(5TzoHG|%>s#7)CM(i=M7Nl=@GyDi-*ng6ahK(&-_4h(lyUN-oOa$` zo+P;C4d@m^p9J4c~rbi$rq9nhGxayFjhg+Rqa{l#`Y z!(P6K7fK3T;y!VZhGiC#)|pl$QX?a)a9$(4l(usVSH>2&5pIu5ALn*CqBt)9$yAl; z-{fOmgu><7YJ5k>*0Q~>lq72!XFX6P5Z{vW&zLsraKq5H%Z26}$OKDMv=sim;K?vsoVs(JNbgTU8-M%+ zN(+7Xl}`BDl=KDkUHM9fLlV)gN&PqbyX)$86!Wv!y+r*~kAyjFUKPDWL3A)m$@ir9 zjJ;uQV9#3$*`Dqo1Cy5*;^8DQcid^Td=CivAP+D;gl4b7*xa9IQ-R|lY5tIpiM~9- z%Hm9*vDV@_1FfiR|Kqh_5Ml0sm?abD>@peo(cnhiSWs$uy&$RYcd+m`6%X9FN%?w}s~Q=3!pJzbN~iJ}bbM*PPi@!E0eN zhKcuT=kAsz8TQo76CMO+FW#hr6da({mqpGK2K4T|xv9SNIXZ}a=4_K5pbz1HE6T}9 zbApW~m0C`q)S^F}B9Kw5!eT)Bj_h9vlCX8%VRvMOg8PJ*>PU>%yt-hyGOhjg!2pZR4{ z=VR_*?Hw|aai##~+^H>3p$W@6Zi`o4^iO2Iy=FPdEAI58Ebc~*%1#sh8KzUKOVHs( z<3$LMSCFP|!>fmF^oESZR|c|2JI3|gucuLq4R(||_!8L@gHU8hUQZKn2S#z@EVf3? zTroZd&}JK(mJLe>#x8xL)jfx$6`okcHP?8i%dW?F%nZh=VJ)32CmY;^y5C1^?V0;M z<3!e8GZcPej-h&-Osc>6PU2f4x=XhA*<_K*D6U6R)4xbEx~{3*ldB#N+7QEXD^v=I z+i^L+V7_2ld}O2b-(#bmv*PyZI4|U#Q5|22a(-VLOTZc3!9ns1RI-? zA<~h|tPH0y*bO1#EMrsWN>4yJM7vqFZr?uw$H8*PhiHRQg1U9YoscX-G|gck+SSRX!(e7@~eeUEw+POsT;=W9J&=EV`cUc{PIg_#TQVGnZsQbCs7#Q-)v#BicxLw#Fb?#)8TYbu zN)5R=MI1i7FHhF|X}xEl=sW~`-kf;fOR^h1yjthSw?%#F{HqrY2$q>7!nbw~nZ8q9 zh{vY! z%i=H!!P&wh z7_E%pB7l5)*VU>_O-S~d5Z!+;f{pQ4e86*&);?G<9*Q$JEJ!ZxY;Oj5&@^eg0Zs!iLCAR`2K?MSFzjX;kHD6)^`&=EZOIdW>L#O`J zf~$M4}JiV}v6B-e{NUBGFgj-*H%NG zfY0X(@|S8?V)drF;2OQcpDl2LV=~=%gGx?_$fbSsi@%J~taHcMTLLpjNF8FkjnjyM zW;4sSf6RHaa~LijL#EJ0W2m!BmQP(f=%Km_N@hsBFw%q#7{Er?y1V~UEPEih87B`~ zv$jE%>Ug9&=o+sZVZL7^+sp)PSrS;ZIJac4S-M>#V;T--4FXZ*>CI7w%583<{>tb6 zOZ8gZ#B0jplyTbzto2VOs)s9U%trre`m=RlKf{I_Nwdxn(xNG%zaVNurEYiMV3*g| z``3;{j7`UyfFrjlEbIJN{0db|r>|LA@=vX9CHFZYiexnkn$b%8Rvw0TZOQIXa;oTI zv@j;ZP+#~|!J(aBz9S{wL7W%Dr1H)G-XUNt9-lP?ijJ-XEj1e*CI~-Xz@4(Xg;UoG z{uzBf-U+(SHe}6oG%;A*93Zb=oE>uTb^%qsL>|bQf?7_6=KIiPU`I|r;YcZ!YG7y~ zQu@UldAwz$^|uoz3mz1;An-WVBtefSh-pv<`n&TU3oM!hrEI?l@v8A4#^$4t&~T32 zl*J=1q~h+60sNc43>0aVvhzyfjshgPYZoQ(OOh>LbUIoblb@1z~zp?))n?^)q6WGuDh}gMUaA9|X z3qq-XlcNldy5==T4rq*~g@XVY!9sYZjo#R7 zr{n)r5^S{9+$+8l7IVB*3_k5%-TBY@C%`P@&tZf>82sm#nfw7L%92>nN$663yW!yt zhS>EfLcE_Z)gv-Y^h1;xj(<4nD4GY{C-nWUgQc9cMmH{qpa!uEznrGF^?bbJHApScQ$j>$JZHAX80DdXu z--AMgrA0$Otdd#N9#!cg2Z~N8&lj1d+wDh+^ZObWJ$J)_h(&2#msu>q0B$DEERy{1 zCJN{7M@%#E@8pda`@u!v@{gcT3bA*>g*xYLXlbb&o@1vX*x+l}Voys6o~^_7>#GB| z*r!R%kA9k%J`?m>1tMHB9x$ZRe0$r~ui}X}jOC)9LH=Po*2SLdtf3^4?VKnu2ox&mV~0oDgi` z;9d}P$g~9%ThTK8s}5ow2V4?(-lU*ed8ro|}mU}pk% z;bqB0bx3AOk<0Joeh}Vl@_7Po&C`Cg>>gff>e7fu41U3Ic{JQu1W%+!Gvz3GDO2ixKd;KF6UEw8F_cDAh08gB>@ zaRH2Q96sBJ>`4aXvrF0xPtIWoA1pPsRQtU~xDtnEfTJnl{A9u5pR^K8=UdNq%T8F$)FbN> zgK+_(BF#D>R>kK!M#OT~=@@}3yAYqm33?{Bv?2iBr|-aRK0@uapzuXI)wE0=R@m^7 zQ`wLBn(M*wg!mgmQT1d!@3<2z>~rmDW)KG0*B4>_R6LjiI0^9QT8gtDDT|Lclxppm z+OeL6H3QpearJAB%1ellZ6d*)wBQ(hPbE=%?y6i^uf%`RXm*JW*WQ%>&J+=V(=qf{ zri~yItvTZbII+7S0>4Q0U9@>HnMP$X>8TqAfD(vAh};2P{QK)ik`a6$W$nG<{bR2Ufd!^iE z#1K58$gW!xpeYHeehuhQCXZ9p%N8m zB+l~T_u-Ycr!U>!?xu!!*6rNxq37{`DhMMfY6NpD3Jw zkYQDstvt30Hc_SaZuuMP2YrdW@HsPMbf^Y9lI<9$bnMil2X7`Ba-DGLbzgqP>mxwe zf1&JkDH54D3nLar2KjJ3z`*R+rUABq4;>>4Kjc2iQEj7pVLcZYZ~pteAG4rm1{>PQy=!QiV5G|tVk)53 zP?Azw+N)Yq3zZ`dW7Q9Bq@Y*jSK0<1f`HM;_>GH57pf_S%Ounz_yhTY8lplQSM`xx zU{r-Deqs+*I~sLI$Oq`>i`J1kJ(+yNOYy$_>R3Jfi680<|^u#J@aY%Q>O zqfI~sCbk#3--^zMkV&Yj0D(R^rK}+_npgPr_4^kYuG=pO%$C_7v{s@-{M-P@RL3^<`kO@b=YdKMuccfO1ZW# zeRYE%D~CMAgPlo?T!O6?b|pOZv{iMWb;sN=jF%=?$Iz_5zH?K;aFGU^8l7u%zHgiy z%)~y|k;Es-7YX69AMj^epGX#&^c@pp+lc}kKc`5CjPN4Z$$e58$Yn*J?81%`0~A)D zPg-db*pj-t4-G9>ImW4IMi*v#9z^9VD9h@9t;3jMAUVxt=oor+16yHf{lT|G4 zya6{4#BxFw!!~UTRwXXawKU4iz$$GMY6=Z8VM{2@0{=5A0+A#p6$aT3ubRyWMWPq9 zCEH5(Il0v4e4=Yxg(tDglfYAy!UpC>&^4=x7#6_S&Ktds)a8^`^tp6RnRd{KImB^o z2n=t#>iKx<*evmvoE{+fH#@WXGWs$)Uxrtf?r>AaxV0?kf0o@oDboJ6z0cgP@A$;k>SK1UqC?Q_ zk_I?j74;}uNXhOf_5ZxQSgB4otDEb9JJrX1kq`-o%T>g%M5~xXf!2_4P~K64tKgXq z&KHZ0@!cPvUJG4kw-0;tPo$zJrU-Nop>Uo65Pm|yaNvKjhi7V1g98;^N1~V3% zTR>yWa+X2FJ_wpPwz3i^6AGwOa_VMS-&`*KoKgF2&oR10Jn6{!pvVG@n=Jk@vjNuY zL~P7aDGhg~O9G^!bHi$8?G9v9Gp0cmekYkK;(q=47;~gI>h-kx-ceM{ml$#8KI$4ltyjaqP zki^cyDERloAb)dcDBU4na9C(pfD{P@eBGA}0|Rb)p{ISqi60=^FUEdF!ok{Gs;vb) zfj9(#1QA64w*ud^YsN5&PeiI>c`VioE8h)e}W%S9NMA55Gs zrWL6l+@3CKd@8(UQLTwe12SGWMqRn+j)QZRj*g)Xua)%ayzpqs{pD(WWESJYL3{M$ z%qkpM`jFoqLYVv6{IbCkL?fEiJj$VG=$taup&RL9e{s(Sgse2xVJlw0h74EXJKt2eX|dxz{->0)3W`JN7Bv!rLvRZc z0tAOZ2yVe4g9iq826qXAg`f!*+}(o1;1FDb>kKexumFS40KvK0yH1_@Z=LgWZ+}(Y zwYsa;OLz6tTA%gS=>8$=Z7pLh>|K2QElL)E=Q*(n*H`8R`8={-@4mTD-SWBOYRxV? zmF(-rJB8^Wlp?319rTrh^?QEP?|Msxrv?WbJ-+id+V#F2Y4(JPJ6U9bv+U1cIIH^W z)lg$_=g^Ma>2~Pyd_YOAv29Cb-U6DJO?NxnW7~QP*SmYi*vdUVuW#LWQ_u0`hymZi zaQS3Nb^4`ro$>0G%zbXmr5|D|iq0R<;S@?kr0j5Ruq87-Z1>crx%EzVZ9#U;{?}ti zW2W%*9MQg3Nbh%Ti6LhDd|-aFSgXoPG`mHlUU1iCHr>ru>DX?W_#13(`u*!Plu2OP z6jk=2>BC0l)aw;HCmxoYD1i4b%m$1`DYC_^L~ zIEAnFcHvad=-aO3(_MI=9#`z6-9*_!&$?<%meb5;jGd5Qp=MGf z6BD{%`L#TAOq%z%@*ib95Ey7NbUF=BlszVk3Iu3imD&*91N-ij%hW?W@~2TtdHTfP z#n0@Xd7X8Dyu36n{k#PwQ~T~X7mAO^cNV+z<HO@3X-# z_@rAn$k~(l@kciCC;&Qd*fWRI>=;fL{UPlciNDWyj$bX<#r^(r;EE8wwUVQm&7~QY zCXRj!**r^xybAEPq>h3W$uvI1j=yNIyzkE_D7fpGw)OV{U*Uwm{xB;mEg2(|y|ICd zMdQVqzMb-=XM6|E-a9kNh)^9lY`-DjhhHD1w5lufRcy+QLgJ47!fFne86#F; zX{ufroVBEZJOY?rDo!;Te6aOZ^1SO!dYRxQ*2njyA~dCWawn)>!*k7~>8Ikt&e*0>>V5ZbO|*1+2LFOqVe zXHb!aMk03^h%&9L8GMy7UDI2Kev>V@(R}*Iu6x+!Hn4~D@wj`P%#Hdbf(lK{+DD7f zJ&(v*mhn_e(R$^5L#bM^^Q@-!*b!l|+Xrb(q*MRFJYnrE7*xko!SJOy9LngR2|q5k zY`Ioiu+YBfzF{Labszk-E#*BYQk>$()=xWEGZRKwY)*UxP}0dGuPLZOkNJDI9Hy zFjfwiK6RjhH#rHW#B0(MW}i%V`943<6@Z*Nd^JEP5uZonXm=u%AM>{H^U@&Jy*i0s za_Da^xI6pMtXzHc{e~_ZcnKP*;=YL2Z^RmzDl{dJTk7*}E_h*NvgnhnxVKB59Duh~ zqouS_WoOR*{UvUw_K#OWz;gMracr%8>QQ&V*jv!8)ho;U8}9~8EU{N<=Z_gR%IpMT zbkePUG_afm=#|iIfFmdqkpLMGxY5D$`?I}&T7>TexU@v zkBx09kG)O;09ckj#(_Uov6vv{{HOcr-%H#DUQ@*GzF8Zh{iSM13%fuB%>wjdU@3Nf zlnYE!GTyNrqes|;nLFXfWU*Wg-9wmr=NBd$nCk+H?iwNvcd0Wab^3CT9a`>3V~oWI z9=_H+N-Q=MQ(io4u4mpdQ;k&5FXnKV5M7R`@WJ9h(GrAirO#XXOU{qQpk^B^Vd=Dt{wiqT zg-#j9J~@o%H2;W9mg)o6@*Vo;BSs2*4HAHpDk02mndAsov08R_48zJZ@J)s7+hyCo zy*0L#y)?AqZt-wX%+_Vx`8*A95OLHvs1$k~{h-_N_vov_gHJE=`X>L?5K+ zD?u59=mjtImMvd1GsDytuYp{IyUkW&?h zF>$#`n$~bZ)KN0B$XGeMYh&`;g8 zo_2-koaO6+8O!+L>SpIQbG(i;QW9UJi{Ecewlo?s&D!^>i$|#jaW}#HJuxt|W48=? zb^Y&O$a1s5ddr8DIt!sD!t=y1g(d4GR(s;s-HfV$GXl&m;+sAAxB^rk(3_NjE$p#L z*t4em?tA0d+XwRxN^OQwzbDZMuSE0J1)Ky{mq)^t4bnSl*)s>zNM@mMdtd78&ebHN z`!(|lE5q-p+TsRaNnMXwALaN5QIZ2IUi^Z22tsN5>nvIO+YU}Q*xh6}ee6@rR~<&1 z(PB4z>9ZBUMXZwSMmd9-aKKsmJeJq^G|#JclOh*xf0?^e0(`40nsg1z)(48;4}B_( zGwPI)yo|{oX{dVDL-5-aMGr;~vU1cPtJP5JM(sswz&Q`e<@0?y{YhsO9YK8EYJA;L z>7oG_Mts+(wCBC*Md82#XdKw&J*IizR?9k^rf1r{Ot-&>V^ke{9nI9zavlcNkIJtN z7T>?o|4rENk-?|lewZ(EfdR;%BUrzKJ^UkCpsM)EA9QHBVV8trT&*O(9?FO{MLTFL z=5P0H+T6C^jAuX0k4U;~GM!x`!X2N~3_n?qXY$HI>x@(DHEy&Q3ucT1R6fj28wX!I zC=&d$@bJ_v^%?W2Ngl}e8ww`b%BrN-PzGH;$@B2Ky1?%GMkm#~Okj(-Admyy;qya| zOi73kr_pwt?5Nj3p=&H>81!w#>Agj z(QXx{j0r=pTl>micAI_5vUw<3`Sht?Z}-j2Wx~F8DKCUQrsXl2?W8hur42(F_ zsSJ)_36&x6A|YkY6c<2a94SXbv~d>4CC4nkDPvf9Z5Fys^6^5r0j5=E>Cgy_Dk@tS z%?c}9!qB?t6t8(XMH%le8UeNWp@Nsma~Ql+^3Bo%_npMryeQJz4V=BAqE~T?dejng z3ge{fjCHoNAfYBvsfq;G%VL|j7t z`X0sy1EEgpyD;)tS1x+fnv-?C@glP0{RCW}Ma?3qpoq_&IJAYOy3G#s`rsh5=3>`K zkj``=;|*x5HSjZC zXNvPLh372q;=+6ja|SC!R-`JcL}}wwskajjTUGTpL(1zkN-p?BA2lmf+J3WsB7!k`0Brx8^cLTF9h)r+LZ$vsZo}`OpOs)?c6$hclR!R#MAeh|_DY|9r zy+_3c%IO9h9X?ksp?an&>Lw;QeQ`T-Ku6HaK~H?E9-Z5$cZu{YU;1+-6B$|JD;%!^ zt(4l>F8}a-UkC4YtOxFHckhl4VKr6P$P_O*U!)IDory%}Wz`YeFx6TO{y2Y${SBm?H9cTWV=WWJ z`_*CGso!ZN>l@~_jkeXtV}fczfA{TUkyeD>)i3|NFGcCsBmK3HXp&ol_@GVs7PIpfULy!hi zs+%KYgS%(n7_z_}6)hblk~W#LZ@&2)fwm6xkFP%&Ju|MFWbNiTwy{{g-pV1RK`L&=RE2D z4|g;~vd8xd|teYS%w!IlT4W$&FTrk-hcTADX!P?*f1YWEIRwq$Ys%^(Z9w&HT$>} zsMD#6Df=uJrX!JHP7<>Or;e_Cf=}`!`qR=i8fBj)$6Lxx{HRzd8Tnzd0p>kSps{OG zKJkml>bUj8$u|F=``l(-aMxWBC@CGZ#FXClQZ<4|&%jN}Tkg#q8z)=>Ly{$i0`rjU zvt|QddO&i=91e?h3>s~i;+6{ z8X4i6a1wDLrSuE#W(zhan+U*Zq+8p3a))JFVF4ffaV51K^YgTso~3;Y*NmM; zx8T?y-N0uyWY(8=me-HUC9xtABvX5~%yg+Cp&XF$Bq=OcK6T*D7eZ2EmIoCFWm{$S z1PNw8HDpe5hHeCusN8kdeb&f2#=3M^A~7YwJ7FRrhq*)PG9x?JIAaC{MV}5}g#7R$-Ly%)4=IUkRCGOR|XTMjn&okRmFjaO^YF5^* z@)#MCBOBezD)*xQNxydlUyN?dW{fS(s-T`gv*0BEnk}`BdmrbmPO8q8y(X$AA}*RH%I7Av!~84pudHb&%Q5-j zt?=6x(iR?<^_7X0v6Ys#VAL}dKk^hcjI=|EY;kPcZ_w<*H`_*|N7SacaM1ERD@6ab zg`!iTm7$URV+lpW_{V$ruR&A>jrX68k4x2wo$45}&wf7o<|o(@B!u-L@bKyQBAGwy z4#}UrRAu>^>Vb6k2-th^>WjvP;Nl|i3WrjWv3ISkj{m{eAcQIW^_ndxSX@|8T(ASJ z?_$fcP2u*6uOBk-{d>^ z0vWlfGQMvysI%R=iE|A+!!Nw?C917EU*_$`;;)px?s83CRd3i_jBN)k#nR5t$dJ(+ z_sP;wG@Ad)^(3LRj7q}0b2O(b`|i0~5SYb%Sjk^*5ISZ-Ab+}DGu$-X1n^TF1Ndw_ zF|e*1)cI2%`TR&AW~XpqpFb!=3cHbS>np9hYD_Mr5}y5Y`SY^r7isA2Q4(z zazRQEqWDKT2zIEbjSYdCPi1ZOGz80Nsl}gxO^DWMY0AV<2K&OL{&^6#@L1?lXu#6xSMh%3^5c*}oM6DQGY#(a^@z<&D zF(43I9e&5`h|A$5!+UFuOH0>F3$shBV4`0#M4RSB8=6F0ZgIbq<2LQ$Hh^(kAJu=! zt8ZGXTacD{(3W{V1$j_{Jc)Ka7t6u}ho`4kF+4@t_0!mCBn z)}o%eA}L)_L?=jw6BIfll7tb3n}?*yLt&XADa=rW>qz=_6s9ziOd5sXjil>FVFx3r zf>Feewk0v#W9>Gp4GacTRr>Sd2T6dWi-{YX`v!D)kCWzG5xQB=?es5ON(%nkwUhNl zV>@xkWWWv*N+{e$(SrExvN6BXzU(Hxlx27{VYHf+LpIbTO+Yu(ltMk<;)3A(LU@ytVYFkYvTa79idMtUFhfxx?P!)2F`prNWW#Fub#l>N2s@nh&n_ zA4{#}|AIs9|A4P0ZF%fy=hDN!t#ifH<)4u2kirK~JUpjQ-J+~cXOZI&dIts;P}UeXslP6zKvpEKSN-$y>kJ^nw2tC9bv zo(|lT@?vZ!{_l|d^8Yh)eEBh*5ABh+Lzjw+?V)o z#P-W7361>E(Y4;@`sv;VKn G`u_lkUM?>H literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/img/flames.gif b/docs/build/html/_static/img/flames.gif new file mode 100644 index 0000000000000000000000000000000000000000..480f5ca9c72da2aa496e4c48a4d2e7341e4103c1 GIT binary patch literal 47162 zcmaIdV{j#3_%He$XTq7-6Wg|JJDJ$F?PTKY*iLqA+qP}n$;_SKJyrMAzv`aT^}JZ` zx~uzH)vMNLeI=yCIk^lq!Ic4z0KnhBf1CfSiogGrTJvAEzs+hJiE4in0e@`)8~;iQ z@K*}Z{I5s>8>DK905z%q3IGNU0RRA+69LT|fWI66hX4N;(H|BkQxjKXQxifXPZv`{ zV|!OSmw!V-3l|p$ZUzQ-cXxVYPa{(&X9q)LQ+i{2TLu?b2LRDuczH2Z6%iptF=l#3 z2(Z(?0HQZYC@=sjfcC!|{rB{cP#=V3u_l%|78TVt7u^oDGcL9}9@RHKH-CHc93*LR z;zo;{#%#EAXUklqtF&uYL2eUQUJ8jd9l+$7+j@HY$lZ|KVyy!U`X?q^Y`!-|%uOvWGl zE)^DvH{|3`s9r?OSoksKbwMEg3ah*?9rc~E-8<1qj6D&l>jC#fIUg5jhX7Tf8aWzmK&g7wa8a_@FyJNqgG!~cFHN_yR?W%= zgw-MA-z+-8!N6YU)Do1^_k3VL;jEIs3ah!kY~)LFGrsl|VbB>3KQX9#SY=q~58-B8 z=I&hM^ZTuF;%stvC$WzAynzVidV3meGKh-L`JRuVNJzot+nS@)wAA{UUjl=wb(bkJ z$=z3MYjDx1UfKs=)8o~3cN@%@yztd||LW0vbq8)vuN!`GVc4*eR=fz5Ky6enlT1sc2#%c~S)#PnV2mF{dO<0M!u!TU zwC0e(;L8E~=1@y)O5v7JuUqt@zU=8y+H$S=K}nvk`|j#}?8KsCmJRcvD{mv~+6?$< z>F!v6dX0VV+0b^Q$%0l);RgC1O+7u=(vo%1-=P;IkLWD7h&h$1@)G(&U&7uKzRK&^Lu@)o=?VDWR-7!!`iuKUoLXC25*_VGNG2RbOnIt|Bmm2xC zwOEv;-8U}Ajl!O7(`w^zmsHTOt`tFhfRUeXWCfNx!rG<{)t?R2 zUHOVpXG7Dki~FN7)dC>u3202sXP?5%16G@OWZ7A{K59L?$&YTDU|34mlHT@5Q6LB* zT#u4fouus=*|&w%{C2j-DQ$nJSd&J7A-q?*(NCwE>2}HY6A#Gyxd@KZ%0-W>K*nNL z*nwOcGJ23YGN`{7wSDMJ9H^I+MlasW){p!|lyym=TLoRW%Tb>)S8Qh>Hr1-grJ?8O zAdfGqT~2qUQCFcHTeM#uW8|0}3PUpYQME`@eDjicoo{@LivOLi;;r>@z7H$X-jEy; z2XEJm&Z7Rr#M2icnA4TXBm{0nbyK<^+HXbJg7sxmitZE#dGP52w7v?la-?TV{~x@28I<(_ zP^0#KfWcHv&cx2IJp}=Wer=>Dl%9OLIKgo4oSB@0>fE=_X&&*7rPycI%)+OdC}gxO zSOGU7x6rA`(t;>n>LX&2xvOXrTAh>qR$|{dq|l=`EF9a$K9uSjWjvI`Z!6@ypgRXJ zIKcqo9}WQ(ZqpD|_wBF1Tqm-bH1WGyjHw^$0=5cXNMsYw6c+GdW;6Y&YK*V^Okf29r5$e+KwXkyMdG2GEPL1p3L9Do^Jz6Rxh7uxC;P&QH@9z-5rLiIDcGTq&vd z4pS#dt!wj(r_suaK^B3mNWvBFqi3ZbXz+k0tE!c#RoM^BZWIL=H)+$0G_eA!k{24o zth2Gesanfb4#7Yb0a4K3>;|=$wc>_F7WC0w%|4gZnc+Ay$5Gq)csDipVCqZ4Sjr$_ zZ#lI-3J8=Fd*)Jd!IixOp=s*Fow<$qe_3nc@&QbuCu>y#>vdXlDq>7*tmqDO)U{mG zTEXhcAiOeZC;4CMY3!<9IB4fYOWX#NlC3j2Gqy^*>1$exH(Ckcrr|$Xv-WhW9v5L7 z-rg6S3)EtS_A#g9BbS}EXw$_QjGO723R?4b(ZAu=OBBXZhrSx;9uj1B=T1}hA z^q`zmZsC^RIbMP4aix^UBb?`V-vm|1pLAOuYq_&$v8oeFyHm&zUbKiY+!=Z_sa)1}m89;WH=P!3ZM<4JSFWN0nBUuClr14#QpKFv8S{J#Z z-0s*dY|M43wKx_c@yM(I6ORcf!Y?edX=-$OfT8W)eRx}U`>%7~fOc$_Zz|JpU$aw9 zTv^cNP8rDR`@gGMC(O%ly)dnGBM;xw-H{wb>OfBQRN+c{y4uUiMPPi^O<0R*E)?7LLg_&a^%udkaGT+xJ5eN(Y4S*W==HKV*3Fb)7YOnd zlyEja0r0bVGpb3!r>S(HD@K#~#;E$Zv`E^8>t41vgM|fTA347d%P&Jap@tbg01W}+ z);DN@Ei8WOq1x6%l4z7l8LnnX&tCcHjB?4Aie!vxP@<+UKiDO$=iP&1id<`r-J+Qp zpGpnAn{CyHjCj#p1hI7D$&DpnwXfV=4$xfo(QSJAMcAQ(6eZW0N|(sR~kW(jDX$6P@iN^4KmA!McqA@$jxEfEZ4}$XC;K&AUsJO@fJxh3~SyO zgJuXzmSu-&@^HIwKxl-nDy4T@OJv(gh$fWb(Xur#rmqu>TY9Oa z`AKwIgeuQV6dt9odziEptgT?NB-xPM+<}0hMyTMSV!E3t6NY0jap;_BK>lfPYMS<~ zs?C~{WG5!Of3d;kAy?*b^dAy=f{~D3^Dq{-z-QG6F6du|D_R!AQ3-BdLavcgrgmf= z0nyyOqLdF4u+gw#3e-YB!&1!8WV^aCI_Vkk`Pr#xM1TJOO5n zNgkU4NTd?Mq0K2T^4FCiL zlu(B}peA0B+Erj>a#Cl)S_G++Nztzsjg1!lEH84>@c#=HrK^?X=T(k8p4>QGxz1fg z#BD97T~&qUZz`^n$!eb&>Ck`XI44z@U*VlQrbRavh~nu}|D1Tmm8(l#OaU9>uxB^E z?u>BkXIN1^C~4S&S#i2va>v0g+U!&jruCp%66TqhuJoswqbU=h03Tw{t+z*SN5*p|)$mpeh7c}Sr%sNw8_rC$yQ zg24iDNhiXNdZdf{+LveSNGA=+d(lRevqh6((5!d6S-|`8$%j9*cU|Xs_wZnYPi}kING%q9tBfYvj zI0KI^J$WM4lg>i~-d6#-<*I|PIvmGFrveYu83d$;3?bc{Y7pSsU--~8a zoz~CS`cIH{7w<>okyqOtb>8AzmE3EWA5P7dcGB&6r)jenGkm@nMt78Tc^h2U8c!KW zC(%pXbv!CfemtW>J7`6F=}x9-PUEnPG<|QEkdQ?_?kz(T8mOtkL*RyuZfg$C<9LJ)@(I>NS1n6%toB!>LBmV z-l)#<2`|<)9hS(pYS_BSZ%Q_vJ;YwsU^-nunj#V0At6wEd32i^P43=AGH*=Jx>t*t znR{P)a)?fi4sQ0AS&ss58PKa`hi8aS##$mn>s4mJ60Xs5J!84G{X1T7rE%l|XZq&> zyAQfd4dG|?B3u`TxK+B)j~19(kBw5ti%g19-$=~N$BBMA-e%eKd@bpiSQ?<|a{72w zXH;odRYyb6M#BbYS3F+F1$W}`#X#4@aJx*5%u&3F&j|miE}v_qk4<&k#GnHFh+tM1 zNlfMU%g)>J(logKx9E|1spy!G1_Rx4#mqj*%^J1OZd;upIi7yE<36GGF=FmX<@VCA z=<#LvU^(t|Slw93$ZjFsX7Y_ng;flLypX%-F8%Wcm5d@nDXF;io=2X62D~W?+R~Vc zdLH$kZK-lDwB zOovX8JkP>d$22+CP+Ih$cgJiq&pb13yI$q+7EZ(3zdc}jJB8#ntoUO1&zzN4(cV*jz|XDnyrt45%@t8P(BT)s&umM+vaUKL5WU4;lS9{?3kis8ZyTU;{52KXMVaimV_Ms?Cwb?{Sva~O z2VQF@o$)c*eh}>Nb!xutR)~80LJi&Ib#xj)s_#2kt~KrCryAWN!qh+({&aNLDxJ;v zCQtT4l!>8C*evft*TiCnZME)rBR?&u4my+5cg+>F7PHlm6q%`N+cw6x#>Cw?;xjBs zH|HX^;%qzphPYnMx70ngb^~8wNYkMBvD<;TXS2D*o;|igH~)p0xo-jp!inxo^OsF@g1-KT6it5AUxTmG0f-s%)YeQSC-C}`Ph?--fP60hO}Gc zjXYrNt|a7}AfrFzmft6vPKulY5yft-O|3TJ8T_?c7{;3tC%2XCI=s2sU#;4fCOFio z-Y%3oO#52j<=wI2ud$U|Z1>%A$(gj?UIP$pd8~{TEGTzv zA8Ma?#cr+t-V^aNlfalur#sA-pRDCS%=EgmSA2+e$M~;*t2_kGIr7g>9nnC(v^PAJ@$C>>XJ-Lf0G#<8ncM@ z^0Jd)PxSnPj9@oc|F|A$6;=QGnczB?;P&CqL5|;Ez3p~s&h07xhEexzz1=Ca!eur8 z@gUOW`tOUn>nn)dOM&UT52V9}>C?}pKbOB_FNz5+zcXyq;a_avU;h-?mF~WT{P|#G zcSAUHg_`?7pL;(qzax!F$rf92&%X}twU5`1!Cuz4n3hQ2OUWGVT%$`JTr9 zYH0diHusTCpr}0hb~W}pGp5-=*~R2 z)jWGLJaNRmA=zJT5$s|!Jb~vv+2%gk#J#=~JfqLtlXP9>wtF7)VxPN_KLdN7o#W06{=U@gd~)u5=qMcZ&U_F8A_g=Q zi_*YPX4`MHsx3hUcRYpXa(XH2hMzCiV}bWOwlYk3v3`E`;~K+%?|SD zUeW&kFn@>L3?!rHR&@>db zzu;49kb8ZfzBB8<#>aI9?Y%RB(j0OHA~A)YtPk%D$ZT;>gz(;GO@2baA|;EsOKuUz z!BY8sTGSm#xX11`y<#F$%x1v&-Vac?lqkmY{f2WbbvExS!r_vBQh89DsnB>beQZ%Z zSCLevgCpToKNHMhujE#HE6vu3R7+(}p~CpJA;7axoh_wNIU?Y70(}rQbF-4Cfruj} z8-KadE>S99BC~`X1bsZ6kDF{E)KMC^@lIs>4gl-kB?Q$vjj~a z@##m$Q*O{=hl#JL+VOJQGD@~0TjkSwUFsQHvrMz~a#!M6NTN`^(PUlPE@E$rq|SJ= zGrm#BlNZ1qbZWCR@0QWPYF%}K-Wtlon(Mm%2~=_Df6~~L9z;|Lr*4 zJl6RXEd1E>Btg7cq$t@Yk;)8QE-a%LJfFEe!^=hbtuXzvFO4FJ+3NHpra_+4Fxnr7 zg91oxSCJSH11p2$LlnhHOdNUG2Ag`#q}2y5D}F)RFvsp-LAWN~5zsI#&2wD2$L)F5 zBu@>XYYUO@5NzD?JE!fqqpn42IOcyltlV@d4-dFl%qrWtnty6oG!#4;-~(;(DD08jYt@ zWTXsF-X_iSe=^MefX`}}S$)R49wXSfWR6({x4r8%vV*6adH(R*Fdeznhi4pQrl}So8~y!pflVCczui`Rp(uAfT9|7$ zeb~5A-F(=ja$U0$2ZR51(5)cH(;?KubY8v}s-9^>Q`L280ye+)} zwoGqX23o@d{PiOxKX!0th#%* zD5;`Ie`+JxWAf0=VMVunk^T5w3NU&`g_*dkqdOY%k=i_j?;_=$;*yLYaIuEDaF85b zI!Oo~Bu7YNDPuh$Nl+I0B&NUbF4=L~?#(2aNlL~c7iD15stL)DuCxWt{d$C5e3KUZ!HxFs?Eo9`{=N(!_i-_E{ zq|`9#c1e54x-FuEwkSt{m!J2e&(d{Ih@P|qhMHWrcdQAw**%%|WGL;i0t1P4F> zRKex`&tRw^mGnQsu)zNR1H%$h0|S@;z|f+|eah}XFwDXLiq8K7L;IYMzX5?k!NIOZ zJ`s^oULpU1VL~EBSa@`5TDo-7KQPSA;}6RyDlW<|E3c@`D=ew0^#(OGHZ|KC`~cQ< zb}6;=_Vo|AxDL{|c1w&*PEGe3&XA@Uj4RKtuC2$0tsAx*E{kj&9v!!~Z7+6=pIqPE z@@=iUA|bh5cHez`e$l4JeE6&x(W@J zd@hkQj304*5nZ`hQ^I01N|9)hi-hPight<>en#iE4L;>8xvbf@Rl@?<{qXsJMrn=@$(g0f6gD; zXgVv2Rl!nLskHxo3i}0e^%)y~#&;2>@A|@rFS6HAhZ5@)7puzs} zB)q`=HiwC)5!A>r?>c^mrW#aVT(asoOv;f<@;y{z+by|BBV8K}E+vPLAU)I|QpM*K zO>2oa1jUk3Sz_C%3p>bAiw0wW5bp!5N#D?guw*Ad{s}AJB$*64AC^|!jo6=s(;|T$ zI43q03)Qa-%Q+G+%Qs_-zMXo|}V(a!#PnZkJG+@Af!G<})Bv9v#1=XQ-pk<`=rl z>Ld)DOVDw8UuIQdc3Y1E1aTDWBh*uF72Noe7w0}*otYGY;aKihJL!FJFB;h#8cBh& zq5yMcgYRTzr7Axv^2(9T;Fl_7;JgOaM}wAg^0DB`x2lms;7lE!DcfU%zxuor-Tp3S z&}2H2liPLahP|q{Yvq01cnd{QRoGZTx7ycvG8xqQKGwq<;O`r@(~*rguhupOOiNcb z=6Q8oYKHNfE2S6I!v}V9*MC@+B(H)9Y9I60EW3Az3Yi*Gb36^af#((WHS1wv4&~7B z(vCxzHy~$`wfxWX8fSIb>+)wPRoajv%c1jZnhW0S4!8{)%rvWTF6XElC4BM`p>WAt zJL-Ks{5d;oNm6FxG`E_5r5rPx?Ustp)TG>_{^}tFPPh;I)x#jf*-kSO9!iU-RL_en z*zF&XYBl4Fw_7$zr_IHcmD$s^&x+H%;ND2xhmI|Dyk^_K2I;I9d2{g!QGFj=9q#y8 zqKkw3h0l^EIAyTA?z9!8-i%k(X|0dlHudzwOT#zg$JdzhHXd_+-!d0K;OzaP zZ7HanBX{c`&6&GnZ3@(U&F0z)k7slPY#s zAlZv&KcYZe54Tc7{k6uNHo*Q>#wfY22z7zg`a~yc^J_3Cgb+wDP6vo09m~B`3>RgR zXXO1c9*qj)F)Btt?|`Q}i_XG@cym`BH~s^BL)w8neAm!AXN>se&v8vgB)z1|M)ZBu zv9w6r9l?m@KAnAYmH0I%xwT@=|1yye`MK`j&w?zFGYo5MJO zh~{A(3c#vTsjsB!%*hSF6b858NGjwDdS$5@$tbu+A_Js@7X9^-2yRE8LSeJw3mj+( zUECy;{oj$4u=t7q=!)`CjJ>dD7rA6(t+;ijRo0{zT9BC(ok`Scp-Fgz%qwpTKFZR? z?;?etwA|SKB`%fRMP|ZxPV?CnYUbpVN8tYT04UO3z@cg{80Cv{Mzb3K^XM5AtY85A zX=9yjm&Hby6t2Orl%IsyIXg`2>X`#tE)ME^tSaQ_AAG0MeNqarx(W$yGxf?hogd)E z9G#NGRW;vU&2dp3KGt@X8{IpU4AXMnW;&pOu2*>34`~)1V~B1Rtzt-q9~BEuQOo`` zpQ`5Kh=gj!5~<%y01*E%mUAubhXM`4&Ue;J);0o+6c|~z?yYPi#nop`fk+jGQ6F4 z@qX?f<)>F>QFkw>`#_G2{*K&mOYH;~`d4s4_8UMKjnN(fb1_?zjcKaS8kWMfQJ5&T zxH~8FQ^ulSl4|c)JmkE@SB&9>M>Pb7O#m4S*C2G(D({ib;p4hS7qe}dVvEk!I#WQO z(5)T)N1%+<-}KpH&Oa2!g`O*54QazPcKO+;1_Askbh9keHu66V)~=h|j3(vIjbT3y zUNTy;{GV#Hh^D&o(J;W0<(^EY;EzyOSR!J!2*e(um86wQh)CEM<8#w+e?61wz?+&@ zDYWiAm$cUdi%*>0b!a!BSUVG{E&LSDRn+cGXVt8Ui)VbMC3N09W)Sm!V|p8bi!Y4j ze3qx7miPIur)4>YP&s;5u}6r1P{1h$1SimKbVx6_9h&V8oyzTw{=phe;jgj4js^?{ zy@O&avcbuBw^>l%23@xs0GNzm4cu-#|B%1^Oj{jy!CO!-XS&% zvypJ#NA`|&v#>0N$scxWyH=l@M{aD9ZD+|)oSXY$*)3~i>syW}U3r?NmjGqNoxq3m zk^r~;0kO)JORJWuO}Z1{29h;Ib&4nUf)?tI{$1CD?{%Kb_;MuDK?P=fH&ytGHP@!C zKGWS6cQKy#?=1rWLq=m(ZtYCApKz*E+9*29rD>CmD=fWW>9>~EppJ`$F*%paKYSb= zaMmsg3yo*OVcc^^e1etr*$n&?-ku-)n^(cyb}{r1b-_Ir;Ur&kpCa`1?f44LYV;gm zsrbaQWj%i?VWPO}j03J)^gO{e{f@6V6q1savCMhoT>uQvdZA{N11|;)#RP-LzIkDq z*Gu}6FmkD(0Z$_V93{pa;a=r0F540gXUpE#!}^fBzCblgz9F+1V8Cd&U)G7?pqgXl zvSAx!kg%IE2eclNBADus7s{&PdXX)Mx=E?J8BjvYSA&bt!yO&MU&~yL{8RuQ)|Ylw z#Wex5y;PlB!r8gbuJFlD(9F!++|#thnd{Z49T*Vl9wOEns5@#POD;-hhD?|i${lJW zD{kT5?8`!F^vG(N9OnHK)<+9dZpbXKL&NCqC}O!d;ByLH3yIOqR8xQS*+4W*a+cKH zTEk9P!*xSco+;IQH!0_I#n!+=_ObmHZJZ#9&RMW9tQp?ocGL}efkP+`Zhx zPol|XN{#Dfzz0<^3RcmJ)702x#D2^5x6ra7T2ag!W9l#e;PluOxf z4lLgeb+s7_^EgUfDRX(o6#L2*eT)c)>a-x%Kwe2*SWS5jaSQQf7qjN*C=H%F z=7cBC5D08Vls5Yc@q`XZz`yq+jrl~HLx}R+2O`&tP7~?G&_j#O3OX)FA88Z~B6~d-XL6(5foER(~h=!eZ zQ}Vmw*ivLv#lh2gkJY|`6AZ$|`v@JFs1=y>%}7f_KS#?wWX!4^GL9)VsMS0qy)`lS z8}Ld}sV3B_Dm|0=L=Uw$zMkBZ@x-4uG7MQF?7lU4OD!>j)8l)1dW5JiX@u#9dxo!8 z6ttojG>lFfh35N<9gr*1k;DD-x=45y#^){~bxku4%Ec)C+2k7|n1DMTH)ouIl%Jcr zesZBVTbr*(TgY#-6hZ8ar!lYUa+QPR$Puly<(FS&=|LD;X~$A=(AwFM)R{C9R>{DG zV6%*elAuSeu!EHh3#@3MST^A>P@EzY8ZMV7^!IvNf?{dnx_iDsTg*)4zw?+$<{mZ! zYf1cTj`O4{uE&~OOS$~oy1f#Pwp4+H)Xq?FRwv@FGpVjvC-G}iQHEy*yrx=YTm`C> zQd>{OETkIN^^MzyrDRtxb>R9ENr0)Ss~h(KBxA-UDeP!GT`Z2;eeDDFS^8O znp>TQaVu9AU^c1#ynH1hf+ixT%qw0oL%m2n$3ntr_(}FhMds&<|KAaB%~F+1)TjuP@)9Fg;WVtclW(Bvh@x+rDMzio(rlK}I3}>`W!2b)Wo|CDOJ#;!01-h@ zB)5Jr9LSNnmgBS_%gRx*Ib+3b-|DYYAYH91yQPc6O#KKWgFb&> zw9@gkv|DH?J~rP%Dap#zRJ_;SxB|MyNV+_OLfdO0&RZ-b)77J^pj%7(Pep?#O3hZ2 zEJlNnC^GUQYrob&EtReQr~3RnO-wIs-)ZWqCEHd{+pFJ8T04Lj=Z$kTEpZn;#5D1k zw{nN+Jyc*cs48tpH<8>V=5ZZ~Unnp;|pGrj}3lld6 z!hOP;H)F}eiZgM6g3t9;kq*+-Itqr6(&Ba1l#rC2;}~4!cDxBcV)}^R8#HCxW7v*J2*I8>)524O1Or=uUP zG011=t8-)(p)~fR=N3JkW+I#^bztbYD-fZRAJpE~QTKTu0X%L@5|HhT(d@sa&EiEE zpR5cg-3T$^tla(V;P;sa!p!~Al5cv*VUQ_1ANR7*8BLKH?l3@BH3fL!)iF)Z{HBIn z<}M@6$Vd0eLTsM71U1rVc^2T!3V-hu(5;;B40n~CGwrI5-WK0H=-&tGvze8-OfRPy zJ+v8h?d%=0DGRR%|M6Kg|DNixS!`=NZ=p8_tJk>((@-Z}Ff-97s~0CP2Yyv)FNd>8 z*EyXJTK(}EB_uVnmNi{NJzk4H9FVmN$d3LL-CbkF)={=Cis0L<#V-}c-(rTJ`rO>& zMOewhosAi7+0k1rrQIyMSh?4oKgWlx$=<@v&IHSzLBA?mTHC6>?8}diyg?jqL|9C~ zUtxC7o8|K}@g3T*E%TiUS%917MURfWEci1q9qzk2S=G3NI1&5VR^&4UkDJjK0k})V zCt-vv@|gYNoqN*T_5WShcfMaU)k~;9zd;9*pWKtBoQcRj5Zv0?M}9r zpA-5ssaJgr+So#q+wqRwVdLM#x;_&Ar-S?xJlDIp)!RXMXRgy{Mfj%}__Ha$&$*Cx z3S>t`ua8oFA)Wsm_sLAc%Z{2}?UqfCaaV8EPrJwAue<(P(3C%a(>+|wt{;$D$FnUdK@8_WU_dt3RpE@gA}%JdH_r_b*G zojHp=o|A_R{5$~tS>VxMzPFoapxarN-#JDW4KSfT7LXJcqVr*jx@)zVN1h=qDpoY7z6pRb@Gkj96xR?7w-c3?{ORbBPab0 zea{o~&XrKl<(tjX^Pdwk|0kHAk8mAl_xM*h3Qyd~JJ6rc+Oe$`a(AvXmyA0%*8cbW zHZKJBFSFT~WCFXL(Mc707A)UX{Uu7fz zp__RwrNDD%_X}(F1tFu{03e>+Aj)FB-QF^h z%y*rbADLvTpstd`vne1TKfbi#DPVYAsXQ4G7FDERFHMmWB~pZm=zCs)Ib)Pg`Sf{8 zQmgp0k2vN%A8*OCn5JsGcOAfI-0GfZkA!0YTZ!rOH+36BTOqX`(4Y=P9!2APjF`M4D$C z^jiHXVp@@=(~Z!`UN=#mCYp_CJJaK&4tGwxPfZWHrQ`pGud(+Pb? z8nQn)Zf2me2|HlqCcBMCo>HbO{0FC=^RK$3?v0K&yJe}|8v+R32D9qpeqxyF@13_x z1(h)te={dZ=+Q)3IUS(b1FDXo^Q?!61o5ype`scSp7~Pj2L8YZ-wlGSPfZVO#ZTJ{ z!zV7=_1OQ0g%yTM2tZdI3iZ%a<^%zWyjrNxiK1BTu!#R{i@D)>4`6!~#-fjV7`wMf zaTWxD9}nXvqS{IBx#29Q5hV+cw-P#1Se55H3K4T{qGRHD2*pFBY!spe&|Y{8Ws-QmII=atvm&D zl=O)5BNL{W^0TC+B`v|>7~=)Yi>dPf73lLx*m)_p6>QU!J|%X}PZ zP3jUmr}ExNc*Zxit>;f1&ZsRCwb>L|RKed{1u{;j?4m2PV_6^2%nf}6)p1>$S;Wly@3g#~D6 zFOR-n6{Gbkp^(79K4evSEq^pl{Q0mXEeFeCBtT#L4n3B>c$!51XxysiTZhj@J^bbP zb+;nb2B=z8AI+4E2I88|wnj-%t~2hwkv1}&a=wgx!b-JP~*x{If_=P05& z&>!Y#wg#Qb!lC6Gv@Yw#FKV5aRS6nGwpld>_!e&allAKHN@B*xoeq?1*9KARwws+m z8UD9*^MfneSvG!9!|zIhDc5Cvfv?6qnD%Jl!iLHGKx*u4y(gXn@* zlsS+biq9BIsAvCVAir-7(dY!udsKeeI6m*Mr$Oqy_T<9qpD>sfNBPXvMy%!!XNUd+ZU=j8fR=4fr>LxhmBiZu>}>|iTvfRW$Q|M$y2 z)CFOCBd1K5F+?ebi}w%(o=OZMqc#eG^pJ?8d~__-F_9@Ihm-|-j5>%ZA>{E84`!`L z>HRL@V)c;3xfM#9U>-ihWS>GHvQMf+F}Y0F1e!=oTD_YYSejgveOx9baPE{=F<6X+ zkKJm7(~z9xB1?i;{voR(?;HzeLe5OpHfcEBm)bFTMDVsMfv3IzoEpr>)IA$_u7Ain zmo@*pyEg54J;#)wYff{Lb_316Z3gH$!?p4IGU$M+d^ z@yBdr{9}f*v46|Ie_%*w!Ate@)J%dC~tezFfw6 z9qPxTN^#*J7_V=IayH6RiO5lz(vJ)kWoXxOWY-GiXe;HE{k)v7g*cJo_XTul)-vYM zav5W4HU4E6kQra4#y1@Kx@z<)@gqx>8twVW?M3*v^fIx53#RY6B3%WG3DlZU>B_!OXb>>lX?~r;D2i-#6Qhc`M+wW*#Fc_ z#s8t1+qM5I{@CdC8$zbwzxZR##?Aj5fBavXDQ*)M{!cTb|HU84Q4)T{{TF{sOV6-M zFv!f!%P%M_N){>pPcuPP%n8+X|6-3#v9-7pic^1{gL0dRZfQ${D-l%nGfx!h%_ zALy0mEVTG#roZ`Y$C|EE2*thSl$B}E)f&IgXA}jhTV-SfK)@4#U}!gV4^<(XcnlG> z^Sv%yD!e@8)O+mc5Jgro8)%Y$Ay`joVBQb1Gp`JP!PPldCT0;`sCk3$Q!t)T&Js|( z7jdnf1RXkPD6NA(Zc1A&^xGGa zA6)KC+|PT-hs1$%C@pola!u$3TV{+j%$=Z<9Da1cY`eEhDQ0s;kxAwv14`JkR7@ip zvm86bob^?YISuoT+rPf=S%@^6FColavd-{>X+uQ167#l(2Er{%64}Fz1NU6f5-AGA zxyIR(J$$;*^muw4DV4P)gi-TD=n?+yKMMmxjbn4D!uDeIPeah%9kwLFEoiaJ4!n4Y zf2;#%dYNOQlz1(VR1MD9@UmoLB*~Hy?}<+==_1aC5*XCD(Cmf#Uqx*7e{hNC`{_mC z7BY7~=|c(|TJ5GKsE(O>gV{-!=F8%sK?G>^2c%R8QLl|b!tS>iiz_Zo{BnsM;6-6^#KM~;2x_w9!mnz4mXU353gIWHrBfv7NjZ_C!`H0`lFQ|Ofqz8 zlW7(Kd12EIx31rPDsM;|o^PjW(DtO~R-#}ojb|PYkAQ36g#b-$UqL@GNmY$IlYZGx zqdFnlL8U!#lz{@$sjq)>C5IO1xTMOgMZ}{qZ(e7zN%YZI4!mnwZP%_#PGsjLKvw98 zD*1k7rpZ!H7b`=*AQz2D0RPbrKhxcilDR!45Vs~4iE@y|vNcQ>wTJAJRGBhdFR!|r zBs(%um2Z$kEUbRQIs4HRXUn-+4;-exCM=s|ZU(-kOH*OobMqnJ3+Fdc>@NoR&goFdgSJ%U?KOjLB=52$)Eo$#Qov?0 zl8(6YuYO`8)~Y!w5(46!hS_G4eIG+EZ9=Ti?I+S2RydNw3b=j#6v8<+2k$rd?vgbZyf*~fg;P9~+llC!t99(V-%i0mw=8jHDn|Ay7TX<(*KHN;0vC zYeM0J>a2y4EA!?fV7o`KK;TfSy$nw$k+ozMV%LUAWM}B&cAjU6mifCrX(uH*e)B>y zNhN4B4geCrv9!j+)PZ)3S_s)W1BlK8hTnzUuV+>PaPb9T)V1fjnjBP(<{e6 zwtl$nOyo{$nn^ia_2S*EZBxp4D&PUXLv>vm|HL%L`IASOY@KL+|Hr%|R(!~NHl|!i zqFt7?y1Gbw95|zlO>?uVB=MI0QStfDr*QMuVyEo3O&A}6g)H%B(#vHg9feSs)1?C8<-g~Xc3UjQ22WIeJYjCGA;11{D5?< zv6p@dbP0j1m12cTNJ7yQEH z!d@X$A?|odzj6SFJCJReUbrrRx)R97l7XqoUE{0Jksrtx@{o1hu{$034!45?hxD?cXxMa+-cn1-66QUH0~}51h-tyd+OG$ zI(6M}M5iY^``&MtwD76c!Cq1q`b!!>Ifa_U zlwmglgdKh`X`;x+{@pg!)tj;=0H))wV$(GweJe(bI89>qnqXx}#paxM&V4bwpt_(S!nfuF+(+=YdYgt1u6K+||(gf~Hi; z$lSCnp{ePU&n#b>jrWnbb24|8qFE3=y?j&!ER%yS-5G8tp;-nr&{_zp6VwAIDg+h5 zd$u=>mpdS{N?G|+J6Kp*6aG)r!lb3bCpVi3!Rkam-c6}Y`l+JQaoWm%a$C@C9*f0Y zB{GtA>Mi*6OYY0E7tBw(=2j3hK9PJjUU@xM)n{mUCHka0!b9k^%BWHamM;d?8y5fC zysyt1jS(|?mpQ=08Eh;Bs#%393SRTdn+`gN8wvu6-0Bh3WsU}fs&<6qTSZ0mSeU*5 zV;!PlSgN{8*tb9P3YZJBuxV)`SMs9h%%IOCG3*8vNz7N!5C*^t8J`ZrP))}pgh`?% zp3GT(4y-vmkV?M=~69%``Ui1?*`0`NeRlW-pENu1pKG-qIxxnXXV1 zY}Ay+aCWjF$|E#FA0$ZQl{$E`Kj@Mt!?LC#G$cm5V14sKp26(0ZN+>h5yts^9Sw7c z_Y@lMDJJHow3n>bFtH(0`G7M^xl{{6m0yZiSghQwS*W_ATTCsPAVmvqTQ^6(4C zZ%@@~OO?IWcAD0A&&aFtPwxJ;%Gi$WQ!guL^UKYz@PDhn65?vPC1$jNap!ZVbo#0U z1xxN8926z!hW3MAnk{j)4q6Oe4}Zpy>2tz+S}b$WsmhEES*4Gdy{34ZVwx-06XC!q z&S}WphXA0K`Dfs{8ww2_T|c?rIk2SY6uH^d9|LzJyu~^7oR-Z7maTp{0p?vSXFvJE z;c>jDdLXdsy|x<2FFWYMx^h7{e1;rSaBZcW6 zB%$PzrgW8{Ky{>}r{SRI9$~^I|D`O{Y*`ICLP=B;iYLuzjK=-(j-Qg+hZDg!d(Z^H zC7yX_4v*p4O{KL9=lY#iwR^?r3^%MNO;OnekQ`={D4}bsDZ^>ziP~yQASnd35~4>b zj&tm#J1Xse9Li(vrZ;L9RjPb-thQa^(DA5Al)~fHWUWH^(PN5ck^mu<8MRRO?7|6r zYgRD86W2%&jZZS<7cP{l8l8Af3iEY+kD{4@VOVN28jSYTO^NRpY-0BvzZUz_bN%G6U zVRa~&yFmFugXDXAPbrz|aNWIO7POs!ixV$Jw-AFnHLp<)CPW>xQ7iUi4;WHF+(@WG zsY5cgZx^S3JC)TAhxemv%*?VQCZe0Kr`3IP^tqI7;Ft-X8;FJ@{cD?oVJW3V9~T;i zQt_>=zgBz@g6E-xSge%d%yH~*ykvv6G+juB6HdncsPaXVGMoc|Qxb$@sE9=&<0q}F ze(LW(mR%QN^ZMsO+X63=Cq3q=E!_=1Mei;~4A1@GFlI!@T z+tShWRE>+%>Yg$sT{G9Q%>Xp2@Y6K5-PJJ!FYC#Z_wv+Vg)7piTxT8E;!8*DSDw5Y z4gFu`-kC!xu(w`G++d~%BT6kOCHLrGCj|^AY7Sar@9ANC24M#YmSprSteP;7A|}g|1t`6Ldtgm2Pl?Afv7_}X{{J>fGO0zmd`Fl!(pXs z@mqAo=7X)>VtP4aGs7fGT?8T0OxeSClg~@lQ38@tM;{$J$QL%uHs_t&~&Zz z_y;x1wY+W`V_1r4FHVbZ&tT!_pf}v2Udt#kklT)?u`*jE6G2ifwz^Hxmkppnr)i>h zdkiBj=mO94XIgII7dH%#)4B==~7r=-89;i%zKC746}$I}9oa8e~@ zYY&%-1!Ri;oupw$IqtgGSS}N+e-8CGO;M`!Ns4R~M9i4=bYIdemqsx8a+V#}QEo%) zf#Kd#3!AG?RmRT%w$V=0(=L*H%q)y(ZGexlPHz-h%PDS&E9HqK<7v{P^8I5`Mzx++ z5SCu7-pJ4yJ93{&I-H#tmA@g~!RcKYs#UBeQ_ro_fRWKDl9B%!Ba^1)6<w*(4rLB{`ZrsulZnb29 zu${oup!>;-i?6K4YA~3-L9wM;F*?x)*|bxz2rou>taCVkFTE~+FW78@xy_@57y7wlA7j)|PkefIsI=CtmmM1a?&T}5vyXuHM@*yQC=ff|>KJVTm zC%TP*i_99%@zROb!i$+851Y;NzG;~rQ^dadm7qri9mMje;?BYAwO*njb%C*tx{;DN z#!)`Gmaa)<7>gPc?jp-bU<@btw{`q$`Rm(^S$OI#yuj77X1aUEAG*OL z{Ds!FzCTe$!w3$-V_h_Kxmf4^4mOcKszn&`{nMT0s0@Jj&b0QWP^9rFd7Yv3XCTCT z>`|u{KC|4Us(grQJnpqk*)&=ob##Moshe>r{k2-%a}pXk9~rfsjH3(dPk)*Wk@RlzP_-ZgmEbYs}TN0Cz=5~I^_aHnnU zmR%$<*dfybMLHUU();`}5l7H2xEjm0GLw8d#{f!|=^o-iE;z4TE0tX$x6)5U4t;e` zxi4~lQu7 zAbQmqt@TcTIz2My;!zupnm5VlXDTBHY56w?TBQ|RS1$>7_-wX{Q1YQRrmW;3HP)4M zGPUWx%j3N3l$A>~o;D$G%m1=Q@(~*3vhsIz(#5k12sU?M_*-C@N0az>puY{EGu3_i zHrrsXn7LeFikf$=mG14O=(Rdif;<}3wMOgLfxXs=by@vs+zco?8o*da%D06_ydfYk z%DuID0|trX8tl?i<$C~f(SI_ZfZtN|21R_pW0gO-s{!s4@F-eROw@b4ulqDTYZ|f;O5HQGOe52cp0?^T zFsRvH?}Wy0FB#nIQ5NKdtgbRTX!yEQNV_LIy%y%T6Yq0r5Se57p68UaZT;TCt^-9~ zMtap6>$w?pA#la-(;Xi^LE;_qvejjKvNWZ?D$H~-$9TLyJ+=3BlOOFM%vKSmd11)v zcF|DE8+g^9zMG^i~hm2NZs{i`%bVBpX<> zSK#U0w2ir`e}9ijZc2YY#L2zUzgHb?Uyv#xhza9JIbt7Q`fLeiE;{Xv_)h^cZv;U zEY3&8JR{xw8oi6Yu9K3fQ#}=H!eCCZI~}`o@HGd6knpcDn|2D|#bx%C;OdL?(3q-) z?bHv&nTwpJ?^G!$=+4>>V@=iOGYxUA7(o6lRvP))&d;E<>5G)dMWYA`U zFeoIKL8A_1N5v=z1`%s804g{kF4_3c{Sd_-iYci*n_m_3PiJZj(--n)Sym~mdW(_* z%zkCc#Y~S7ZM6O58PYCkwuHTCW8=@2l_x|pwhs)MxmqtB&?yVn^z|aOk5$r*mUHbP z+*9-~?Tbko>~^f&Yellzq|L0ZT&$FJTTH1=sZ2%ZWk~^ux~R=m8aA`rMaHc^YC5IX zs0@~FLd>GHERPFhMy{NB%43qEZES_7kUK&~;>pLPUM&KG3^l6aBl^Tgv1s&jgb2~T zi97!>o1Xkfpn>$0Y+F18CDk|!>qT|H+VRJVmwlbRF#x5W)- zz2Z_V_J<|04SxQFzmY-rOU=YFL;UP13<^u6D;5kjsv@6J zrN$y<(h_-o2ifW*scdMWs$@j;kZ9N2Rnrs^q4F>cJ(vR;Jb}luBg!xXJ4m8{V;zE4 z=2mEVlCFanB+EhPI#k=r`0C59Yq0H)U%oE{%diD{In5e7K9&Gn2pTJSvYwa3)MK$h z(4sjIsGU&$H7m}j;lQCwsD&;SdW)(&Y)tpQKz-O{6lm1hu#==X>0H~BV9Epi`whb zd%wPv$wd(wqD285KHRp710PFeF&?d7_IUM($rSMZI@L5M0!Aqq1?TKD=*!*^I(nQF zWHF=#%j54io-p3g{c7|(v2xAH9wXst68Mizp<{{UR#7{R07Y5@N zs%kZaXkkO`B$v zZ5}xv^;=~{L^&USOTp^kJ8T9S@4ovQd95zDAg$1^mSiU}UAucQl?7VMc6B0@PDiq= zjl8+c< zGOu{VB>z@NXXX2%@!PI5>e}~S1F^0yerjj73Y$ElZvPz=@~0U_UM9)gpZ%g{MHu7u z$KO~1TY0tMPFv=P*^s~f#3ZBa#Z>>gmh6tP?%sa;aA%;dsRw+@hzybHF7HctedwY4 zDfNlzNB>)eA@s$|9gKJHqcT;*1HXHE0EItBAnZRw#Ja&!QmFhOEEIx+MU`j7yCwZRwvMC&sPEW z&LZSBI4D>|h#2C7`FFI5gMtB=VT>1&*LzY4zwSPTF*t<6VzNL%1M0&rbjVTXNTv43 zl)W!BcLlThhOx+J{cxO$Fi!G+@ygVFH5?p$tCI|3LP16`Nf*LJGaQlqTpw8(MS-e; z%lIklM^J%JAhBfmF98+ISgK^Q&n5`Jm`493>re)KIm8P!q;xccH#B7u#b=}?cTSUp z1~Q60y?j!BcZfFR4*HRzHEh_i6aEQOf<;X#s($ZCu}Ngkkp`9*_?i!ZtLsZ3=Ze)t zQb|&qHN_pJQ}iF5hh+)LV-3v5bmvJ(soF4Rf4i2`?N>^kIVcoX8=IAW#z-cKwD@so zDIM#;2J+)G=gE!;p%wXya`n^j+ROq9LFOQ3kd=h5jujCWA_?`(~QUfjl zP7Vs`8&?D3nOM`#4vIDE*JN-8ovX&H0Mm&Wl-*2?wQIU&(&R{C)d~Tn6nbVbFP|$R zEn)MK2Nh^&S6^_FAp>rsQ63Ecr1po=*P`&eyy5l=Wn#tyo;#|e_QkY7^lnWIv zF~f@CVRJM88y)oP_*%=4r0O61HasgJt(-6psjR6BZAW#@gsb^_^tb%FRO=sN|qKpgIj-7^>^D^ogIas-Cxklb>Ucq zy38SBoR~P*R@YX#Q$IYK;o+(*2!()%$&f)R#A`EmZ#`Eej$!nk7pAc9mFgJinw_9- zaJUAe5%w|O$nYU^vf_q8jhp(fFI$W{uqdYJ;q!eF{7yh(fC;X@W}}RmQy@#{`a_0R z8>51gxqq}?Gm>=gz@B`<4UcJek5)a~dr>m%>#^`Z?s3jxmXOH9-Ou~&b8Z|id6>Q? zB1ylXI_6MgzHeHfg%=HU)47Br%bm(ga@Ujpaw&tIv=EY9o2zkiDHR5uYD)6VCA>Sq zs9#!13qs~o%-Bl}ri{oC5f}2VifSdN2(<}cmOMCIBEo$Q%{w!eV zRv>IKaARf4k8{%a>N-VoV~HV-I{{}dDK>N-$nlnaYA*kk){OV|n4fz(`umx?`|BPqx@Uzw@l`_F>!H8h z)1-6H-<)l}t@W#?ISs#apIpA0b$ z`2Pfdf8E9EeH<1PxJjygJ!I{Dn*QgD@IO+06==Ete@FTMN{!V%%iN6qKdEui!RHUD zaqrGYsy{4EnPBVrpN{h5b5-hpQvKS}+^7HQD2Id!xP<*D)%UQ7O-M{iP7(7@1!rVt zTKHpv)3ZLL#zB4&sjeke)itJN1xe<4wI5RBpY;ui+FzR6KRU|%ewJOaWrGuwQ!Hhc zDdW?NOUv4$V++e0oBa`$`hMZ{TSvz={=0hXJe?;2M5J|m`ukzcRSEhd&rJ*cbpwH)HMgwAYwutO( z3_3;k6&5c2^@S$6R;rJ=7U0(@KFiS2K?gGvvf30mN5$EhuSq)^?d8%jeE&Y-^gk`7BF?@%;ZD0L#x!POyd<}%Tbi1>L*!i}tbqHGml2QFA%Y-KLtWnMCSEMDjJyFSV^|u0NT1766PnhO9%WDbiAx5$_{`MFv>?1lCEkl0*xfhL#7m z(P37|hifk~1k92L9~F}_ovTIBbN@WZH)KB(s_Ec4qse?6%QR~gT8^Z^6iG$+?(t~# zWTR=)E%l`+I>+-{?-~xu@3zN8*}T$f+wp5)cllBYze#nwg(i8`M36a2H6wIITequ) z-3xHtK{t%OxMcE=mImvn(Q^4pKa)59E8qNkc=iW@Y$M@67|;_Y@$O!dV_7J{5LhT?99S27J_t!X?ifq zhMvt!KkjShw=^sEpcgt`Z0fYObS+&!dsm!oIS&=5kL89$#b_Ds?$~%$ zF9)hmwDbf1;*oK+F6$TehLY9)36G}MIw>xVByY4Lgeon;^}%X0~e zs7Lj@`inl9^^-QZeOzskTg$gCIPV?9&Ok9^6Z#R0BhObZpyE3HDwdPUO8!hEOM6Wg zO{9OFOI!o0NagKD0=($MOfn6vYxlk!@T9f_z!n0$xw&*hA{8WOjdMPWw{^S|CwL+= z6JNHpkZU)+&L|w_EfwEBa8dy2&Ct4XX>VQV8+R3nQwgV5oN$Ja@9kaM`$_+Jz<y~DrGLdF4rvgrE=l6Kw!&$YZslMWlZYxn4^hhag$beB_)o5L9wX`Sj!*q2`1IkCi;k z{}P0%I?X$P?b+VoJ#0g&C_~CiOfdUMoRp-aRYq5e&|DITO!*{K3QRU){o+(5E7)L2 zt+@J~!nQHZPqzsusYTnkwN?IgLs6WZaut%i~Ti5p4 z?TH4NhNt=f_+m z49Ub{X1vKwqyWiCHCj*$;5y`(kHIi`yIQ5(aAJu?_TeY8W*$I<(KOD5<3;@l6UX57 zmR=1?W-Z|`zMPW1<~4B)(kkZ0syMeHj}}^gBu=9v^ft;SzB*6}UEh|UO@d+CKHh(I zTKsSw`fa93m3Y~`+^l@(&%m)i+#Rp(_>BMg{?BJL(N;8E<7GMauk5$-5%!OaaB!ky~K zNOvwJe(9DJxQi;KH!dyLY@QxSQT&es9WRZ@+Y ziu@1pH@GBOKm`g^jh`46*#w>P1HGJF{&61um?_b^vvuSXeO*Vc(#TtfFipB^#}CEsgY}k^qDj~({##=ginr&A%u=}hRtELM^57(WEsrVn%v8ho z68WkWs?O!Ed5lO&z8|kGRNyKdbxKbh$$7gt>?NN?mbk#B`l{j^%~KKflPDc9{nuL; zJ4DX%j6m`laC!B+)7W>}Ac~=>OD9*Ue!fp#= z2c7yi%Ql|&Aro#d;32J>wM;u0gtMl-Ra6G+9e|4^1gPT&V7Ms1#Ui2(`7pP z2Vs*lo7CIM()1Rd6MMa8aX`7C%%chtEO)E-K?!Xuc=5c?7qD-~*UQ=v{e7t^c)G=|bN}5Y-CSOwzjK*5HjpEDg{erWz(W*PL<^M{>C#{Qlmq<$i{NE(ECG ze0}|+po}=`ZD%uFy5MxDv1X>x@T#9(x^JNHVB|f$u+y`A@%E%KX?+90f^=)LKe_fP zZoE!Bc)kC06dFgM z-)?b(q947O;Cz1E8NGT-S{Z(CecVIPcxVCcK>Cu0goz-?NPin)*P#|h!$ zTA}HPwxa<)@PLH*2M3F(xoKIZ2o~?VLo`AMJv`{Cm32KB47hm7G-YVgy`d+zh6tl(j427#ubLnXSph*EM@H+OKE_isBc*X&wN3LZ! z2}omsY01V0a6vH;oig>n7Ch_Ux2`yb051s{R!BfeiSAyTeHWD=*{WSnvu6#hqGOvH znkE!J(Dk*F%B)typ@bExqb*wb4#?LgE%jhpE+I1M6l!QZQ6jiW|^OwV8$?c!- zRjIiJ+an?@=>o@L`3E2=LwI4>fBbLVq9&r?*)xp0!cWaGT@B!)cv}}0a!v& z4U~dg9=d`|0)CpYRj(NugzXK6qxl@BR9nN*ou`s zAidP%9nM5rL?x{xJD@b2)GX5s(cYpj)TPc|kID`INA!8Q?#p6q)QYJxdzu=z4haJA zPf<{Cv4$#+4**H8$sPDsmf%2DP!nDO+>uKOHUVONeb<=Rfk*gJ3M>uL} zHY$zI#cEcYrw3hoq|%c@pBg};!=oW30aF|BkF&HvJbI=@x<(4*d1U?Caj5KCQB3>n zuZx&OtX1GHVf}V*{o)EZ=g5G@2p2*$6j+H|lZr1>uTV8D?=Lr1mh^)B;3^ypd4Uv4 zKbPzyDiQ<%LOIkAxF|#Z1`0Hhw5@?*NvoR7v^H9?qtfzTTFM(i0rK0+bCZ<0m zy}Q`6JR%(wJ>;gJfCfk&2yJnV5iSdEP*^*zjT&JYVeuCP9=>Hd#H~(Ukcy|{yo-vW z#_=NOcIi+GTWy{Y)AV99&B{A-tAdk~47Uoh$MW-2*CfrfLIh)}l{#to>TO8LBOS2C zGE53Fu%Nh3h0;scG}K@j+&o@y=N0yqx4i5~EmFI_9=80|c`Z1~!--NSI)|%_do9DB z#}R&{a3wsRyd_TK*|c3MQ&_AB>jXs1kYk8rhRfbC$tpP$=T*;=W_M%GgQ6o4tK$*GTMkfNi#xmXN=4Lx zt|JkmS97J)+3FzS@$g^b{P>swLOeQ+&Pwjm)m<9#{^9Y01OVa8coEsaz9Ic73PD|7 z5KovDm33=VIy*{47CMrSTc)3qX=@9p&VaLuYOS=TljJ9)rj@sHRimygE5mN~?oL{69Fk8JhI!d>14&azr79c|Cpesm{5mc6t9z_k~_ zN4DXo1^-DdGkpXp;t2}j$CJ|m2f3^>+YAJoBJ78xf`)()u%kas8aOPaL_0~y6$_tS zd4j&Q^+^Zax?=W4)HsY@iI>MgIusFKacjJW6eXWL6Ei%j`kmW3|HF3mGny9dCyMv}aA!93bbLYX_rt)b|t@YgwhZor(Hc z`I4m;H$UlIuR3hwwWZ;=O^z3-`3yeL4+J51HS^>QScTn&ckJVbv3u1UBGrGvFR~bK zkh1J3y|0qADO6&Q!rm!m9V>Y?CDMsKs|HsVkxphv6GjFhw-UPNWKoYn7UVh;dEbN~Krv(`p%j+7*rE9Bw}_h0TSy+MXj{lnd2Id)(#n+VFa# zqO1IE;^P?m{nOfGZ3gpnQr$JOLKns?c%msfNW`;pKfiWzB7+h>a8W?J^OHkebU0FH z2do!(1s5R7I4wZXk4spSP@*<%m6-}Il*SD&^tNhcXo8qGG|DCDd5&Yy4?kD*?2HzL z@b>(S9{lGue8kf=_-NWuR`a;}OOeO=nEqE|Nnd2SF>`cZt6YNNWJa-9)^F)FcKWs~ zB)1#zjKg~S8R6WkfVFU&b|03*0Ago%D?>Tvn%Y}L^JB+Mi&tOYv8bwe7s4NB8{YA@ zGqoGKN_ndWgbM?=D6saaZ^h5v0g#nGU!;6=vH?fQ^{OX-QAYUdj03~RwRst_e4%XF z9g8^}D1*`njKdz`_`gvKNfk6-RH=4GGvl(HAK^ai4YbBW?edT`CkSwaPl;wnO zWlagunyq#Ln7TJw>enGsX)JNtY3IyDD zTQGg)DKwl(u^x*iCXsG;4@*Fo@!T+u4kD3Sy$J>Z%-EgDLR4AjYg}8$ za5Uf!Iro#zs=QZQhj;JU%J`rCY^>8AM!V4)e#PEmGP;cIGg!AH+r0}bh_U>#2=9sG z#t5_Ylz&udI6+W}&xWYa2H*QmR!1`eLg(SdXoiG;&`4$*;d)qAn{d`y`PM4Mn?W&k z$k;??YI!(T-a_8d5_?S#an^pupTip4~GRnsrGw0SEQmbC8 zv7Wvqn%s#v4gxhazA;~(pW%azI z@kD;$wRQbPAF{%@5~jD8BY(guf2F0Z6}z>rL4Wm~e;FcoIg`D?Wz!hseNm3qPL`Vf z&vXs+A%;n(6d>67`F-Ub1u%kEyrg%LZTI*4_ogwhxu@4}7Lr}V+%5u@;}PF@5x&c= z*!kD#)8Xtt4c%RJ6Eo0L88o(cv6=Hi+H3N1{w~}zZ}1*i4z+)BMupH0wHW#p-Zu`S zu1NVNO_^@vE*ykR0QQ-ufStlFZAk?=Bmd>-f^AEiHj^Il~+2=@R;9&+siquC9 z(OK{~!H`9he(m6(=qHi}mXRv9kHE|Y^{JHDZxEyVENoMagXgbL%DRbCxw4v&>2-ry zHR)gCf#ND!h0!vk8^)AIMC0?y7Nv;5COGpd z8!D^Te@+n-hkg~ED;ECUie{C!LfI2DegTh;?&lF*L%v@h%6sa!ps&+_$(k{Yl5}3# z<#N?f{g7MMkden4QYCE&ioJeG5w{w-Ek5RpUMyw>@@XF+2GY z)97;iax_+?P7MJ?INbe_CsXBn(UlvBMa(vVC)nvosT2uiWMz@ZXXezNkz>_}ZW!$k z&&d;-TusM3I!j5>z{pSNHyIzt)_vNHS9b~HF0}rtks@4cM@7$5BQ_Q72{)9m)~#unOzizn<+aIo4JZKi2r+J~NOH@Ysx43WY8!76;H#J-T3#bXC;w}% z(Xn(4vw|N?nZJYuoh~`Om0JF^DLe#Z4^Fl;>|`^gDg4Top;{_`ET`z!uCbyhhOO)HL0Z zr&vduJ(YwZ;7W0ir|KhC+4ejBg&?I@x7ciedJ-drDG0&{$uP&#b(?of?lvqiT6uL@ zNBx2wHo%^#M;nKZum5EeKXer^VA+zLY$*8sD_6Dv9D#d;seTx|6vrR@keE#VTh-V& zMU_?fym`v79QGF#5iQIBhN=)#bU(+FPxi{Fa08026`#!`Pc9=hz;nXN0BBS$Ls_Oy zA|dDiH3WJKOCKwOpP*<7I;teAGXg?qpMGju>a3F1u)GPxaCGwXxm9KA<1A_M2m>7T z0`>rDRox7MR8B+rNn1|64?eM#OyJ;8N10wXxo5R$SB3;$#vZ`~0cr6MWz7OJXx?l; z!c|yWl7{8rgOUZ(!V*O$Rn{1vxwq-0l+npkf{58ZdcjdU-#P%Z^p z3qL>#gmSm+6eDYo=#1oVOXFAHd=dA_O`|p zn}mH4!?FCTbGl6WOm?}KeTyEKD#}Rww9S4wTSuyTmoI^pNb&BrB~*#)?k`bgPh&?& za@&R75s8dAxiHt zVCSUvx!HG2D~)?FkVw43?+cn&NCF|iq^KKpcg(;>G#EGtU&}8p&ispED1^SQVo%;s zL|M)=>S?RL*G-PG8@Fx}W11waXA8i57w)(f$j1x)>A=a0A3VIQp6K zeJ@>Cx&*J51zr(l4}eMz%LcZbU{20Uthz;DjQ>+XAt#iXh#A7ZZ#i?u+`y11jlea~ zAYt;_&u?5&4BZ>~$t~!U0=3XV=pRo$mj-e)IIg}BGzVo7u|cv?6!BQO_)rOg+Z-xp zAt<&ACnA%7DrsztTp+8FGBLMEQI4YvjNQ?^U^Qu+JRBz0l2Zn)-v{1Ax%9Xb_r0B z)`ZN;kP}Ct*OE2OAV|6Sh`m~z4_aqne5rnT_tW1l3vdF;8bDD%VLTkA8 z@*s;x3s^v|erL=4VjxdyL(b5N@tw?OM;KIZmqSXWN51BQ8&_}KkcC(01Tt!AIxZDX zRm5K}1+;J|COUlwSnBxQ*A|a&vDq);FhN8>NJCmD(=v-jrS}|~D#wU8%5``s5%8NnoAd^S4!fCb9I)!7SThyct})|GSNPzPs)VcReeatM{>o1(95W9YolRf zjt!$VuF`X!$pQi}|MQqUp0dDfwgKGld3+OgyN$;tRL407&wur+iNW5{L>(~2wa5vL z0e3F%mwf4sU@8CyPHfWD7LQ>2v6`xV>*7~+n?t3)$>Gk{7d!E6Zs%~JBxi{GD-=aJ>J(X{fX3seZm17@%zFJT0 z=hjSeZVrwj++0{TCcMSNR5krOwO6N7WXpZ2^wP0*Ve=fm^%+7{6NTu~eWkz6sq=c} z*eDA=w@d?UuaXiOMR}wN%)UeWB=5ji`=Gdb8XPoJ~SBfqo|g;ok(6;`s4PP zE5>y!rVx8=zr5qjmG+#J#=Tu;=DckE>v`av_V|<3`+8&_wLg&SCWg`bvi05P_PPQoYpt*P(!baDe}3(HIWKPp&!~9-^33Z)5~!=(+h18dDeI5iB;-N{i$=MN zS|tDOP+;v0Z^gG?l?~pENZ~;G>UX)@?L!DTq|cG0@GU!cbnDE%d9Wf8$Q`8rns+`e zZZD8+p{^OIACjWX=b_H)E#i|v0kPo=wx7Cp-h@d$FOx1;8zN>HZVDTqZS|vl-o@~& z*g3h=0RQNI?DF_BYn6cA8jQd&h)BpTsgk&!8oQ&5vr+mX}U~|j66WdQpN;bm+ktcB`Jc(A`?vRhy0`hV2NR2o0SH+1jA~ce zJqGZ&GFc~zc?8yZBVe%g|}jKtBZ3V44I%Y1w}G90SXjnwQ&-&R9i zo^DjWC(+m<5rabVrdiM=+@wE|mCs8*2VrJ|#`G0za41+@pMN5&!0WPzu+yZ_FID|6 zNOtyGn$@mbOZ9UF|0 z29wgChrVXD*ZpA(%7s6B#VD(jCHE3BuB!I<-EY*5E3P1eDR)(E&8pb{oI}1^Huk+z z;RLN`^jaz^_3IF^ec52>ft(uGOQd^}`p%s=n(<|*ldkI~%cqSHI5-5=P(xapOxp-L z1S!Q0OqXdthow*>Cy%OQ9E?99>{=1aa@4S5@p5hXZZbP~SdPr|rDDSMU<*<|xh#v& zuwVFyupz;Nf0a~pZCySr3QRP)A@mC7@=?+_@cD`R*QHbrm_kpVU3m|=j0snNnwv^l z*m3C?mN&zsdmtk8q5$&G| z1bT?!X^O)w0VxMXFSN%NRPhg5)yDLaM%n2%=G)ogpy$Iz0U*+ON}*pQmP=ia8$)X< zEN{7X;#7KN4Ps(ub#imtnnmY+2K;Z0cfYo^)Qz$Bz6J*)X}GF6oYLgm1UkXM|9Nei=RJG(yX!c5{u(;0>+Oe;ibEs zHg(iEQ-E{hD#kLvov@7>+9n6ARgA5^^$VhjRKW8RxTp zt=24mA0Tp$H3(<_Q7?o`1(Vy4FYDeLp7M6mvseT=4He^cV4i<2Bhn9C>s~Soff$nA zu8jvSzr_15A60X>R+^UG#?XvtwiVJK3+D@Y{k)Yr4_w8mF1t+XMwQt^RfR!} zUoL!aoU}p)IXmeuW8LV-A=(1!O@%2){$ZK;zAcpH*UAB(hUgHi;Ye+&>lZySJSLV{7COd3)yak=c&xrN2g^*2&&9ZsSHEig({z;5zYI`N ztHFZ!y7b&39L;VfN`cd$t=(h~euQ$y@A4CH7*B2`6c`CykE%kj7IgEF*uBvO3j9zz_?+jBNpjlJ8c$T2`u3ua-&MwY{y5gh2@)bK`$oTFW$w51pk=V-W~aG|==)P>KQ# z;mNmzO$AHb^z^ch6CzpUa({a8tQ^x=t5jg%2n1yd=6$zpmZrt}l5}6jO4A}Uj1z&* zY_=c7M-woS(Hg(Q$!+rISOXF1NXxj>utnezQoK!USpW>_brKTnJYgtR8Qf1pD9*b) znsB<(xCB&5gE0dh2E%}Sb;GQEr*TSyQog;nlUyxE0*RR;zJWgrL6gzgJ5oo~bxn$y z7bY~sj=@z=;PO;CGRk9J*M8(n)ToQq6NT3Hfrzhj#p_~LoRS(Ul6%+I7{TWMObS2uHs*uFm}z4Pt1$601}ioZ;%#zyJ1pKcl5oRy z@ln#icjCz^X-x9k+*ZO=(g4n*lwYo2G!}e<43IY!{z95t^*|DfSXTZ&0b(|t$pTkI zsD_UASkx9*xe;}pC)v5(>mG4`bj5F%#As6l6o9m)y})(Fi{E?-kA!LZU9);5)i>r( zvj{X}G`;7=lH74a1wH^#Nqd2!@{fneIUxNuDq$A2r#(tbv5F0+00fA5ofxh0COH{d zK`s$V!bDg;S+`npf^Wkml;K3mG0*YEE8xD?60MD`@qhmuU{;&8)?d-?jvf7I%34@@tkabzwQJxDDA>Q8)FwXn z7i3yrPXwD}^O{Sm&Wk#@br@ycX7!iEXE7ALBkks!q6e!~!&+T4R`wZ57eV);^8h3+ zz_v@>&c4czs@9gOoR!NecrL)D1YOxzK)uavw)1c`w!j4rJX8=rcDOekxXOfDTyQtM z+C{E4SFV_DE-`zPzXULjfq1Y3h&<8RcKf!1U8-@zm6@A!WF(ipd;y8C^N7Kvv{c>w z^Iq4nXxZMjz9Cy@hzniI!bBoQC+1fUnwPcA&g*RC`raG4HqZaMy5WRfT79qC>~A)5 zPTnH!nF<})zY}fIj~7&&o)*rs9&u?2Fx(yw-M;~!B*!tlNT636qo+B{C%iJNix zlFFtAAb{CR8}uPt*YG+#;sk`R+0HIEqxy*N@jXjl`<|GDQl)b=rHf+w?U5h`+uv!O zz3l-I!28_p_d7)w>tGnN)xl1z^MF zSQTho@&CxQIxbODICPFtu$UFK~L7EGFyS5q}w`$ho8mPwiAdM}7tH zUnpQ|)f&cVFsC?i2=;y2cwo|YjB+G`;g(IKM|7olQ<+zD%EC_gws(g}FOOGc&-P}- zm0)b9U;#FGzKD7317h$uYWGNE*#?3TXJZKFY(>?KMx$CeS6Je-d7ws71*Ugeh+2pk zepVK6^jBOt6^1W3dIpnDRv3QBHdOgHk#hKosuvqOwrFLig_Nj;k@s#S2!BE7OY8W3 zS6Ev7CbmQMHEIhMOe^VS-NuM7M?Z_SSsqwXRVH!yM~k<|gMNok30YEaWiVkjY}_|- zw+MbE7M0^iW+m8eEXYX@*pK?hi5S@cr-wAdg#fyDb`>W#p7e()cwoBpPkM}f{*0qciKx_giYa}Uirl@xu$bqKFQasj%$Od&fl}~tuam?myOxb!Q){3H7 zRKv$oVkLSMd0m;+lN70SiAQ6dw{5wof9>;FGDnH8=w(b<0N15g{I!l|M`C-Ig}4cU z9BFugM_6ihg#+MyOBaG1r8$6`hM_g{GBG{E4Dt z*Y$s4#$A`VQ%WQ)apOGpm0+HSVBRMHui1vtbDcMWYQ;xK!dGPlD056{iM*ywr`K3v z1y-GyblND2BDS8l*JWy!l>jPpjVW=#MV>FYXcE|o4>7?Z6-U%Doluhy6US%oW#jY_v>j&_h6x=wf3U;fF4cL{jLwS%npmfW_8 zg}97N>1=N%ixR4ZbfjH3siX&nr3-qI>jjt=w}Ia$0Li&#lqXEXmSDaJR`!*RS?GE> zhd&Q#aXO}*UiF7C*ozP7nXYML6;J{IXkr^@Q{>5p>@-jn1$3O&h5RFR0fcS>ST6eIsy9Djlh^rd6}iHIGdh% zmn)f-Oi652CYr31YU)I)6RK)zx{URhe|I`!)7g@|2an5G0cAI8cz0p_1)2USl*`z2 zzv-G<>6%%{tdZE3W+|QcMp|y^d9!D#@c5fp$ajDTbc^PwC3%+<%4Ub?l}t8j`j(U6 z=Y7dJruQml?&M&qplgs%@8EKAWMuL;LjHXy+2uE+oNM-!nN0_s@clfHDqPSxeD{ES| zTGj=lLI$eUN|7fztk2ejyeN!h*_tf7WAb^h1YiKPsFJOzt!H<3BsQH;>Z&*ziV}x! zAec_rhKk3EgG>5~x7vDdcBa^BmyRm2ZDzGhS6?L-kA|3r6Y8#Ihm%$tsgat6d#9Kw zXsxqZg*d91CrN|Wx_f$waiqzun#qAs>aMeyP9|GpEUAt3sc-W+0AdQYqBw!>lzNVJ zVcgVG_c{Opu&)+*s`=KEv>CetW^UE8mz2$C{qmVKI+S}SvAhl}@WuwyE*S3AP9y0;^&t+A?Li8xxqO1qJ2 zS|oa&YFM+1slbm)Z1)JQN;;;=`MCfv001BWL9CqisIm5EQBfLg6vd0AwXZ?Uqei8o zyCiC z48lLWW_FCR2jH3qyRTQsxEpM(x5&T1skPMUtkr6T`za?xE;*5t~mk6O00#6qxy=2#44&h=giuss+0`O z>PlBfvweF9Ksi>vbDKmLN;8T?76BtrbX(i2h5|A3#&E=wca<++XaoE zBvgsKO+k96YPQ4hY|JaFbRkTp$2*BM=!p>8uCc77S(vurd1`$FhY{L}96h+%>c>P} z!;)BmWVoy6`fM~OoBXg!#=^|Q744!dnqVIcxEw68LY%6hJCbS`raj!#JPfh2+_$al zzrK0Pk;|rLd|(_6zrM-GE-JP-cwlzte}`|+WU&o2|cp<%eu82)z7S_S3Asq%gDnTtL-g` zDIB;VX@j3@)o7}~5*N+zNz_KoedFxO2D`fYo6k=C-Jkr)Icc@q%iQ&C-*#zb^!KW7 zX_v{(eT~*_Q>b9w=iE+g&K|zdxXQ8`p0)J&X3+`Kt2@jIc94;~pc9U>W$fJo4t@nZ zkvPW2hiK#dh^E0@-=CY}neDm|TnCmns+3}8D`<7|#(PeDb zIeMb}T$@6fmG=#1Q%<`+y}2uTuGRg=32xUQeAyv<M@$nZ4PV!o4hU5-zdIS?P+tzhe5=bN<6W zY}R8AsU;2Z$`;QI*wdE!-PxPY`w35{o#!r$_K0Bgo;ixe6~Edx1DLi zW(Vn7$WJ2R0GkBo(u}?`{pX*2%F$ehNA9HbPKnxvjS=jV!Hdj348$%?td3UMmk!D> z{^ORd;&UC5i_O@WUCy6Q-U=<};4RrREdq?IxzGK_raa%~9iU6;o26Xe{2+YO3+?3- zUft48;@k)5tb4FSY}NVd?;lRUUh1YT z>mNR*by$#n{=v&hc`dEFZ2rQ5o2>^f@zlQQGrrFf_{{2RiF`e|0net(e6Z!L^e;cw z=d8v>C8*Mke^X7$R}1pp2e_>mTzXOhV9`?hj+5Yb@$d}fY;Co(xoB5w^uR8vgTo-rx&b;DT-622fO|RoRx!=8`|-b}r{36=PADpgEOy@2Q z#p{&0ApGtcztBTO)fSh|(oAiy1wRC^brC#&>{=*{B{OYR0 zw!dxZq@hJS<>TzrlJDUl01SZ`45x6S1JPCp@?LXswYFuq1;G;h#j+dL2s1;hF~TMnTlU105P#wCORT+xK)`@ z&!6I6%594usNgQ~gyQQ>0Rls2e3Yp`1dY8-m)qyYkOvR2Y+WrAG9KOYAiqREO?EoC+DEi^YGlC4g}enPr8sNWZQK4Oh{ zxa()bcyw+uiuehioNL#B#aYPZ)vPcG^T^6dl;wy{D@_ELxDpJsKrfpig(`wsQ>0#o z$_pi{2VQI^_~In^BbT0}kL(Z-azWZ*ymRFQt4sMSt0kJQY9fPIFFQ-{8u5B4EZCBl z%<9cj=8?s{M!}-`glU@(ZYw`59{g})^JDD4mJV&42E&1a2~8+KX>b6`+eEXD_9GfR zIwP&Jqiai)diEj`Rby7JJnZa*m!$<^V=JuRWM}>MT=OH}(^ZLkqmH|O&31f#aiR`v zEA`dTE_!{jATWzuRZV`N1e0KRzL*dgQmH*u*+S#3aL2M9#r|A=um>- z?LuL7C|KAKQi0AHhkE7slb=+_eBD4ORNTb+}h zrL|Gw6j(MwMU|9Y%!;U9De5(=X_jq=$vuGR!VH}fc4wb%2prJB6ZJOGfHY+>V(dB8 zDahYh{SLY;g6zfvE}`V!Rb#-%&LJ+M`m9Mzf;GzMWQFQ!3~;3MVOrt8Pm(5NraLbD zBUh@Cz%G2pmgnlLyr}vUsiB7ZP^0cq`>QKJ$}_VoB>(IQ(B6tGYdPlGik)rP#yBIn zdF=yUx##;}hI6ga{-hqPID@8ZS#feYj($y5X3k5E?)CNB4|T}Of6Kngq`r_Gbpj6t zfSH_T4k$qd-AsoQEHw@GNB4S>FeM(FS->Rl$CIwx&69Q zp(jJi66t$3pCx(eq`|7Vq=v?mHg1R3ery0cE1Y51dqN50z;g!hC)E_1Tyxcnx2#Jx zaP0oCua}#*=^!j4sC={nZ|ybi=QYcp#~tIw_1u>)zx>KP=V}-7sr&vbUmhpr0}>55 zASQEur*uU#;rIgnrz$6>ePKlay+Tx4J~g5DDUUs^*qZAkw~JYk%Y3)_M7nTl4@>01(O(i;NLmKv6*Sr;8iYkY~T8g4# z4Z%!DYG_Ge^Bx8z^X2YcI_gV^T-cxr+Ri(v$_CCflP2QH4uy}h;KK-KvKmfeeV;4J zbSBb*=S-j^%#lC^4v?=&D5-_%FjS{9@rx}HtwfWE5YgHqvmMrvkJ-YKAe*8lw7kI< zX}Ad=siFz_ZjMj9iA_jP9MY2E(ZES%I2}z+EvS5>Sip8Nwcql~a`N?60 z10ILqBa5`ahJ-S-rJgtg77mj^ct%vCZ$KApXu6Ihjg+1Voo7r1Vunw`!H;&(Wl)ir zf||rMq5`F7e$r6TT8z{XHdzTKBylCF8m68Fy`xqWLQ!`*vJ6+sMo%rOj;%g)0`!uA zHz#la1VF~3#X(3w>pIXg1XNz~k_Ke-YEdmTwGeXsXMy{M>QTCWw6PC$WLJIq$*pb! zq<-z|m*$$;#?n=eHMOW-1u9SjtU(RHTd5>|Y(*+biHT8jh3(3@q~5j$R?0V*x2(^HvevwpXIy zcnui<>saOP;I#pMEkb&m1mwhZ32~IhXs7X*4L63mxJAGOWV_wel6bBPcn)-{3t*2P zSH+iAtz{K_TzTD=jTX)H^ro4oxj;9h+PlC;8KzzAbLyOI=NyS-e#K5{*B4T`*S}vrj(pq;tDy z6{{G_j-_&vzZ7di5BkrMhH-4=Wxsl9#$HhXHl+hiV>oNM({zqOmg6k$IJ>#ZeogI| zg$(CpKN-{G*0SHk4d@tn+SB`Ne6+UP+-h)cXY;#@{EirbBER+k*%evKo%J1*ya zk6YO-?|8jw9`k<3yxYnC`Lb<$^0 z-E=xX8sf0VI?-J{FNH_^)z^;oi5E`oZq^Intw!>ahaTtq(H-D(=bOegUiWv~UFP=t zd*8dgaE9l-UTr@KzyI!czUTdZjW2xN^{#iiFMRO+hHJ(Ze|N(hKHh!z{In-OZo>2J z^N!~{>YuRpe>3~s-v_U}-G7ep)3;sYi}!oR>E0ZE(_ZzW=XvB;zvbLRzVjGQJ?C|= z`O3fk?i^=4@{_N3-Y4DkNWXo*k$ykTsGZ>*2RP4pk9x|7Kk1X#zQIH9#^pGn^ZtJS zzyBV6)%Sk>^Jh3oTJQVuOTPa0=YN=_p6;FA`}yDh9UuZ8;BxR^;r$=+-CqN8o)f%L z0v=wqMd1C+UIh-|`SqXU8DQ;!U47pANDh03siA{9yF`Ap40)8<|8K*Yx~k2^7xX4~n4>wjmKNVCr3=85SWM)(a5s z;T*Ez6*i$A`XT;Y;UK1=9OhsePT&rbAQ1ka724k(Dj^gm;u7kiAUa`%Wuhil*#AYM zAu3`bhT;O2p&csX6!PH$ilQpAAt{1lAr7J+s-i5;;wjGJDyHHsTB0rPA}un9W<=r? zUg9poVjLD@Di-1p;vz3DBQrMRBGRET8e%LuqbN>eC=w$j`XU_4B3ykT6HFsAQsXDa zVM%P_1cU$pA^8La0RR&KECK)n08|1^00ag5;3SS@X`X1Ru59bRa9m1MZQppV?|kq7 zz@TtQEE41ej6;Ntkdcy;l$BjrYL=RtoSmMMc%P!9q@`LC5foXbs-di} zu(7f>goUM8v$?vvmbIv>qmR79#KnJj4!Eqpz{bwc&}CQ-YRaU-(b?MDQ@*yJzTD#D zWnuJQ>Ss4I=XH?>kZnU?Gz!G{n%;ZY|C znS+M(7-Eb^Lt(^^Akn~sqj97ANC_7&R;xHNq|28*e0d~!CFR9tM@rtrd1jvvp6GzW z9Qx0oJ%lK2nna?rp-?dz9nw+-iy11SSTnX{gA77SiaBd~wRzM`O$TG8;(EI2T-LWn zys;f~maIsnX|KAeyEA4Qs@M2Rg-bYxH?UkwmUYCJ>|ijB7uTp2ICA03Kjl)G@OSQ( zsE>a%P8s@38YMX|kE%Bu~PX%5$!Ia!XrjEn7(4v3mMX$2nff?wZ;Ud#CR&y{3*oeO8R4t9 zZF-f)3Fc-&ptpFUyP=Kw9Y;$)U9S74x>$lIB&YHugk!S&uAvbF)*h^ku~4x)Ux(cS zi*Seih+As5?z-yZP5p|RX{$y;Fj#s@QC#uH(_PUfu#Y0=@o?VYwX?9?((v$~9O`&+ zHM{QkF%U!FA!4qylpx~5Ki5U^0hpHg@S>NbI?r0f<_mPXko8mZRwv_Zn{s2rE3jen z_9-*Pq&e~q&T4-h@w>}cEOWChMDakzhIkFFG z>K?Dx-ADD`LP#C3tKD!t6+mUBt+vXhw>swokCL1uuoNetz|21eEjiwAqL??XMlJwq zm};qaU#^aRmAuln?V%JEM>vj$;VnKjGayBcDdG#4hm;64*7D^GW4}VM#*T1 z#n5ymRm3epe>&jseiAnd`o(XDfmZ_oC_olcqZx>MpWlQSE%V^~jfRbJpyk@-sf3{C zdm0Q@)iTJP?I=fzz!(=A_ogqlF^FOgEL7#TxIwcar#v|s;u_sn8YKqGM&U|95cV`D z_Q~Z0cUYkVaOWB)=I)MH*b@c6u{^wB4`&Nl00K6-$pp;I7V&F}{}{PQ2Xv29R?MD~ zdKNP#Ix;xEAS66WR7p;a5mxq^;PdR&B?$GBf4jTf(^%O^0MZdDq5=}&zy*+?mUwbm(v~Q|05Wofj)@$~E?Lin`?7IG22&MiU8U4aYmK;uwnX`gdCQZ4@TCjjIEuA7I=V(waX^~;6OOG}Q*`?`Ov!Qcb zfC4y4fD06LliedJQ2%F4nc0q$2w17ovZu^-G7+8#s3}gZ$+wF(G=*E;Uq$`6yIiVM zh&1F69c=# zPr5N#tK3Y(Vy8bNp|GlWyJrA5X;cCf^#Yq@SY?-L&j9Xovrt9AK5jgldv4Tn&aGT&VT*vG z`WLkPWL~X=Csmv=5w-!u>IICtNd+XeS{?mgJ((NZDVg`W>$B`QU#ry}UCv_jbM4&V zDB;@WH^YrYZB~^j)J?)uxwh>b8F3}0+hUkudNnYAi)w%iV3oGsQw|9nQN!}a_$&@Y z@Bm3WPZZA=PBdz;GQ5tou;MD46+Mc`oOS=OKi#VkIR%wGf;6||~#Km&HtSV!vC zs;Ncul5Y%DirtQ}3()8(`}r6#I&(D4ELyU3|D{)5g2)ZOqK^DxXm{|G*lUIrz9u$yZE*_iHo^bK+}!FD<*C2vT6W+;x5lU zmiZ=gO>Q6;Vovm)y1hq@?`t!4=;E=NYuYqaUVC=tXdbjCSRenU{TF&MEHrnwzy06 zMMB=-+xODi;an*rN6c8K8r0qv^ z{E%<1&J|7mrT6&k)>rL`Q~&*94mJHU2XFoHAO#Qg($`eP>sJS@n9b7D?OJ3V5SM1%@*rH-ISt zZO4{qen(plbUVyoP=hbSbeW|o4W#cm6RRZW;t zE0|jU2U;npdNJc-)R%Tdhg!DdatD@Gs`p*Cc7IVvgq_D=z7~ZJa3^vXNBp1%N8F=X zAqR&u*L1-qfcLd@UPyP}R)e#}hF|DZ{RM|!=wd|0NeDCR|b$f(S;4 z{wQ+n)mJ6=PM8>vpY>U2)>jG{Kp!}7&NfE^sbuQ~j|b^rg=TCBDTenIc?qd}EZ0^Y zxPrR2YiGuYT}Y1=2#R%af7B<3r$k_scW7$IaCNAH!8m7!wpjduf_u{kf9e>Ig=U1q z=ypojdQLZQ?G#%9)?Tp(iWf0d?D%Q&$bMAGiUw9%f7N`))K8me0PJXz7kQEv`GuR+ zS>ia3M}?DWWnay9k5T!Spf;1|*Lg=Zl`u$;sE3vBcYV{iiCtKe0+@dA^p)#4go-GD z^`==_HG4;QeuxN|GG~C9_*YqWa-|q^aTtuJwQ^54h)^|iXcv}rDS0Tlj_4LV3V?V) zH~`Riew(#V)Yd&k=SUiOm)aeUR7y{Ag@cSc2o! zcTfm*X8Dt<2%5m?g@)Le5vYfa#a;~$61AUmS@L;iWF$NwR?)` zmA;6c?D(4yhF_T#1O1 z(UzZ*S5O2Qou6i)FsP1IdZOCsV`nA;{9x*fSK508S)c-neX`YQ@M(a2%5gV3k3#B& z|7V_BhNva_V&a*h3QC~|X?Ad#f;kF6@F}OgcBlx7ZW3spig}9pcbFCUf$zpivuATn zC+^ZJ`%+F!IV$yJ5V*xt6Ur2{F`F;a1 z0pcjOmU^(^Ns#<0iWfvS;nyQ#tHUn%-|wQ6=yo1#EF zpJhm=@hPjo5zlOTF>}Ieu`Nsl(lZuo1vC@8uAX0I~)mdY!i z#cPlKb(Yj?eUF>26$`dKyRc*`nzs6{bK|9>>YM4xz@M6jI61U-!i#PA!9VG@hiRhP zNt0W6f>Y_6)l092d$70~rz+cP0lA2u)vt94wrX3x0M0gzULu%eEuHsGhr;*o@3ao5u|N z#=z{jQ`utze5(X7$o8Agkc_E^yse#EuPWQd!b@OyiU4xD#)Nvm0(*Fh3#Q==pqeVV z;0u`S%fEftuYOFJBA}k6yfqhroWlIKQmMLjjKGZOV1!rC_`J4Qe9&KusDmnx{Qq~V zMCfC~+_t@3uhd(H6g$jHoQMAj$<|_{&r}&u^T(=xn~SOrNr+T7C7jvE08RZLa!> z#6GRY@C=%ii>|OLZFkMGliaWqe7IOub4ZvdP@2+6E1Bb5m={pD63f3aozLW(#Nj;4 zz4uuPma5u#$7em)Cf(IP{KUOxt-?CbBhAyBjg}W{la&h2;W*amiB*3+zEgX4buG?_ z9LrcN0-P<|F+JPa3Z@<0+Gu>iQr)l=II;q*#gi@40u9c^z0H!%+x%_qvs5{ljXd4J zOx%{+i;k_lhl{8v2*^K~XlHED(M^~xYPsC*?|k)iG0ZUoyhpuw*q^<+Wq3*&9Kq!%MqT`BaX*WDckhT%{~p3Fy|-r%e%4u?suaHApKaPaedT9e zyVHxNx}Byu4&yU!&q+zUMVQ-!DnPTk`#{^`XH(qp6k2K!NPvySk23Q z{^rG==7`SU30~%E9_Ah{?1t{^xlRJ6{pKKE;MlF*Y<}$YYVBB_;NBe5CSK#!uIy&c z?PA{3V!Pvw9^vqg)#lFAgdXYM-o}+~;3SU7@P6*oZsXT3;@&ReBz}PZgro;B0t3Ix zCB5nBx#wAa>usLv7{BkuPVpRE=ooMA{_f}e1a9q*t?OED@%;VgZeH*Eo5rBt=^vk_ z;?CwTKkhQG?(Kf*D!(}1RyiD!Sj`1Wf^YVV`oQ~^SZt1~(=2w2>RzB`M z&*=d#_0#L~;|}rxPwYXz?J>XcQSa}&P4f@_?Pb5qhevIBz`F@BxXwHRvP=TpuJQRk zzCVxj%HHivZ|R}V@wmD!+A_}=eHTmq4A=Jw9!`@M>nQQO)|U|MS>g=OF(0!Jqd| z&G^p$_dxFSxqs^yOzElL=7BEzD^K#czWj(k?BK8QFVFJi|NgiQ^^lMIM8EpvfBYaY z00T)*)0m!U*^(&`i?BSt;ys=yer5rA3_p$78d)5a3MrI1Fh9ccutzdg!|InLGT6+NNfxXMwB>_WJz@g)s<{H zawSX`E+z6yIS}PSJ9Zd0YI$yEwv;P@LL90vqS2Z_d-`mLvuLD=M~hO0Xy7V>t2=qR zb6J83N`>x}YQ4%e2vV8^mCn>jR3KZJ@7Oj~iLYM?sWRyzWmz*RraJ}_G;kn6LY#1K z%$9WPHrt7QOZ0Nitc-PP4f?k6g{%nLPHtINw6+5XRCgxbda3Ek+GdNMkToJ_ z+Or?u{1GYGtmK@(QQvM$8(VP9jcIGP$(JbBpgSvzR(+t3=H{j;XN}yLa&nib6|62k za@};R-#KfhZM{78-7lXi ZZW2$_^*Y~Wmx&gkq^dEnhrPja%hlSLDIPIn8UTqWX z)}3w&C~zHi@y#aTh7vl600OpYvl@rxU5MI*BF@HLd7{C$0)B18XCj6cE}#G%DB_1& z0<1MRooo}Tb|HDH-H4-w*X;%&kryVgqgL?2C!~}ZUgslll}&I!0!5VuEqpy*SZtv^5@%hL*KN~oVfH3G z$FkxcjAO#fG8=ER2D3XS#^Ty2F2)KotE6Z)&YAA8SDwh4k0xK~QJfMp+rX5n9&jYc zsbQNj!WLqjFV76`TW*utVtk{y9#ydHk>LVOu$(4w#AdC#;@F0t%9CwzAAgpYnX=bmr9HSeYCn>2>JbDccsi=%!x^}AyXJm|_6 zulnrNr%wFp3y1Hs^5ugr@y+0i|M}|Xqm6mx2%aEu-g$d&{{6lqtu&>OiVXSTPOz(Q zY_5E#6CUbJ=e-5$&UOt{-U1zHJI+b&fss?-?PfPY4f`^%gVnR(1VPw7o_Vl@r!(Q< zHaNWqCh&wMl->v3SGpB?P+yhfS>rg@xao1wgS=v3?tqv(!o~1`-uq$oNQgiLqHc!{ zL?IM?C&LX!4vI;fAr+@cMH+UHg2Izx;<6^j0IpzwyRsr04`aqOvayYBY$LDMXvQ

@(__7k78sIMK2nl?B;+My=|@-o(UpB%q%2)2z{1JVmYiH= zDfzg|UCOeUko2V_Tlvdi8nc zoR_pEEprLVaI!O&xCA9K1u03xrIVeAIieh=c}-Q8(VXf`rZkgjMPL%NpawlCLKCXc mg)+3E4t*#@BP!8}QnaELy(mUAs?m*dw4)8BB{vHi0suR-7&3tX literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/img/glyphicons-halflings-white.png b/docs/build/html/_static/img/glyphicons-halflings-white.png new file mode 100644 index 0000000000000000000000000000000000000000..3bf6484a29d8da269f9bc874b25493a45fae3bae GIT binary patch literal 8777 zcmZvC1yGz#v+m*$LXcp=A$ZWB0fL7wNbp_U*$~{_gL`my3oP#L!5tQYy99Ta`+g_q zKlj|KJ2f@c)ARJx{q*bbkhN_!|Wn*Vos8{TEhUT@5e;_WJsIMMcG5%>DiS&dv_N`4@J0cnAQ-#>RjZ z00W5t&tJ^l-QC*ST1-p~00u^9XJ=AUl7oW-;2a+x2k__T=grN{+1c4XK0ZL~^z^i$ zp&>vEhr@4fZWb380S18T&!0cQ3IKpHF)?v=b_NIm0Q>vwY7D0baZ)n z31Fa5sELUQARIVaU0nqf0XzT+fB_63aA;@<$l~wse|mcA;^G1TmX?-)e)jkGPfkuA z92@|!<>h5S_4f8QP-JRq>d&7)^Yin8l7K8gED$&_FaV?gY+wLjpoW%~7NDe=nHfMG z5DO3j{R9kv5GbssrUpO)OyvVrlx>u0UKD0i;Dpm5S5dY16(DL5l{ixz|mhJU@&-OWCTb7_%}8-fE(P~+XIRO zJU|wp1|S>|J3KrLcz^+v1f&BDpd>&MAaibR4#5A_4(MucZwG9E1h4@u0P@C8;oo+g zIVj7kfJi{oV~E(NZ*h(@^-(Q(C`Psb3KZ{N;^GB(a8NE*Vwc715!9 zr-H4Ao|T_c6+VT_JH9H+P3>iXSt!a$F`>s`jn`w9GZ_~B!{0soaiV|O_c^R2aWa%}O3jUE)WO=pa zs~_Wz08z|ieY5A%$@FcBF9^!1a}m5ks@7gjn;67N>}S~Hrm`4sM5Hh`q7&5-N{|31 z6x1{ol7BnskoViZ0GqbLa#kW`Z)VCjt1MysKg|rT zi!?s##Ck>8c zpi|>$lGlw#@yMNi&V4`6OBGJ(H&7lqLlcTQ&1zWriG_fL>BnFcr~?;E93{M-xIozQ zO=EHQ#+?<}%@wbWWv23#!V70h9MOuUVaU>3kpTvYfc|LBw?&b*89~Gc9i&8tlT#kF ztpbZoAzkdB+UTy=tx%L3Z4)I{zY(Kb)eg{InobSJmNwPZt$14aS-uc4eKuY8h$dtfyxu^a%zA)>fYI&)@ZXky?^{5>xSC?;w4r&td6vBdi%vHm4=XJH!3yL3?Ep+T5aU_>i;yr_XGq zxZfCzUU@GvnoIk+_Nd`aky>S&H!b*{A%L>?*XPAgWL(Vf(k7qUS}>Zn=U(ZfcOc{B z3*tOHH@t5Ub5D~#N7!Fxx}P2)sy{vE_l(R7$aW&CX>c|&HY+7};vUIietK%}!phrCuh+;C@1usp;XLU<8Gq8P!rEI3ieg#W$!= zQcZr{hp>8sF?k&Yl0?B84OneiQxef-4TEFrq3O~JAZR}yEJHA|Xkqd49tR&8oq{zP zY@>J^HBV*(gJvJZc_0VFN7Sx?H7#75E3#?N8Z!C+_f53YU}pyggxx1?wQi5Yb-_`I`_V*SMx5+*P^b=ec5RON-k1cIlsBLk}(HiaJyab0`CI zo0{=1_LO$~oE2%Tl_}KURuX<`+mQN_sTdM&* zkFf!Xtl^e^gTy6ON=&gTn6)$JHQq2)33R@_!#9?BLNq-Wi{U|rVX7Vny$l6#+SZ@KvQt@VYb%<9JfapI^b9j=wa+Tqb4ei;8c5 z&1>Uz@lVFv6T4Z*YU$r4G`g=91lSeA<=GRZ!*KTWKDPR}NPUW%peCUj`Ix_LDq!8| zMH-V`Pv!a~QkTL||L@cqiTz)*G-0=ytr1KqTuFPan9y4gYD5>PleK`NZB$ev@W%t= zkp)_=lBUTLZJpAtZg;pjI;7r2y|26-N7&a(hX|`1YNM9N8{>8JAuv}hp1v`3JHT-=5lbXpbMq7X~2J5Kl zh7tyU`_AusMFZ{ej9D;Uyy;SQ!4nwgSnngsYBwdS&EO3NS*o04)*juAYl;57c2Ly0(DEZ8IY?zSph-kyxu+D`tt@oU{32J#I{vmy=#0ySPK zA+i(A3yl)qmTz*$dZi#y9FS;$;h%bY+;StNx{_R56Otq+?pGe^T^{5d7Gs&?`_r`8 zD&dzOA|j8@3A&FR5U3*eQNBf<4^4W_iS_()*8b4aaUzfk2 zzIcMWSEjm;EPZPk{j{1>oXd}pXAj!NaRm8{Sjz!D=~q3WJ@vmt6ND_?HI~|wUS1j5 z9!S1MKr7%nxoJ3k`GB^7yV~*{n~O~n6($~x5Bu{7s|JyXbAyKI4+tO(zZYMslK;Zc zzeHGVl{`iP@jfSKq>R;{+djJ9n%$%EL()Uw+sykjNQdflkJZSjqV_QDWivbZS~S{K zkE@T^Jcv)Dfm93!mf$XYnCT--_A$zo9MOkPB6&diM8MwOfV?+ApNv`moV@nqn>&lv zYbN1-M|jc~sG|yLN^1R2=`+1ih3jCshg`iP&mY$GMTcY^W^T`WOCX!{-KHmZ#GiRH zYl{|+KLn5!PCLtBy~9i}`#d^gCDDx$+GQb~uc;V#K3OgbbOG0j5{BRG-si%Bo{@lB zGIt+Ain8^C`!*S0d0OSWVO+Z89}}O8aFTZ>p&k}2gGCV zh#<$gswePFxWGT$4DC^8@84_e*^KT74?7n8!$8cg=sL$OlKr&HMh@Rr5%*Wr!xoOl zo7jItnj-xYgVTX)H1=A2bD(tleEH57#V{xAeW_ezISg5OC zg=k>hOLA^urTH_e6*vSYRqCm$J{xo}-x3@HH;bsHD1Z`Pzvsn}%cvfw%Q(}h`Dgtb z0_J^niUmoCM5$*f)6}}qi(u;cPgxfyeVaaVmOsG<)5`6tzU4wyhF;k|~|x>7-2hXpVBpc5k{L4M`Wbe6Q?tr^*B z`Y*>6*&R#~%JlBIitlZ^qGe3s21~h3U|&k%%jeMM;6!~UH|+0+<5V-_zDqZQN79?n?!Aj!Nj`YMO9?j>uqI9-Tex+nJD z%e0#Yca6(zqGUR|KITa?9x-#C0!JKJHO(+fy@1!B$%ZwJwncQW7vGYv?~!^`#L~Um zOL++>4qmqW`0Chc0T23G8|vO)tK=Z2`gvS4*qpqhIJCEv9i&&$09VO8YOz|oZ+ubd zNXVdLc&p=KsSgtmIPLN69P7xYkYQ1vJ?u1g)T!6Ru`k2wkdj*wDC)VryGu2=yb0?F z>q~~e>KZ0d_#7f3UgV%9MY1}vMgF{B8yfE{HL*pMyhYF)WDZ^^3vS8F zGlOhs%g_~pS3=WQ#494@jAXwOtr^Y|TnQ5zki>qRG)(oPY*f}U_=ip_{qB0!%w7~G zWE!P4p3khyW-JJnE>eECuYfI?^d366Shq!Wm#x&jAo>=HdCllE$>DPO0N;y#4G)D2y#B@5=N=+F%Xo2n{gKcPcK2!hP*^WSXl+ut; zyLvVoY>VL{H%Kd9^i~lsb8j4>$EllrparEOJNT?Ym>vJa$(P^tOG)5aVb_5w^*&M0 zYOJ`I`}9}UoSnYg#E(&yyK(tqr^@n}qU2H2DhkK-`2He% zgXr_4kpXoQHxAO9S`wEdmqGU4j=1JdG!OixdqB4PPP6RXA}>GM zumruUUH|ZG2$bBj)Qluj&uB=dRb)?^qomw?Z$X%#D+Q*O97eHrgVB2*mR$bFBU`*} zIem?dM)i}raTFDn@5^caxE^XFXVhBePmH9fqcTi`TLaXiueH=@06sl}>F%}h9H_e9 z>^O?LxM1EjX}NVppaO@NNQr=AtHcH-BU{yBT_vejJ#J)l^cl69Z7$sk`82Zyw7Wxt z=~J?hZm{f@W}|96FUJfy65Gk8?^{^yjhOahUMCNNpt5DJw}ZKH7b!bGiFY9y6OY&T z_N)?Jj(MuLTN36ZCJ6I5Xy7uVlrb$o*Z%=-)kPo9s?<^Yqz~!Z* z_mP8(unFq65XSi!$@YtieSQ!<7IEOaA9VkKI?lA`*(nURvfKL8cX}-+~uw9|_5)uC2`ZHcaeX7L8aG6Ghleg@F9aG%X$#g6^yP5apnB>YTz&EfS{q z9UVfSyEIczebC)qlVu5cOoMzS_jrC|)rQlAzK7sfiW0`M8mVIohazPE9Jzn*qPt%6 zZL8RELY@L09B83@Be;x5V-IHnn$}{RAT#<2JA%ttlk#^(%u}CGze|1JY5MPhbfnYG zIw%$XfBmA-<_pKLpGKwbRF$#P;@_)ech#>vj25sv25VM$ouo)?BXdRcO{)*OwTw)G zv43W~T6ekBMtUD%5Bm>`^Ltv!w4~65N!Ut5twl!Agrzyq4O2Fi3pUMtCU~>9gt_=h-f% z;1&OuSu?A_sJvIvQ+dZNo3?m1%b1+s&UAx?8sUHEe_sB7zkm4R%6)<@oYB_i5>3Ip zIA+?jVdX|zL{)?TGpx+=Ta>G80}0}Ax+722$XFNJsC1gcH56{8B)*)eU#r~HrC&}` z|EWW92&;6y;3}!L5zXa385@?-D%>dSvyK;?jqU2t_R3wvBW;$!j45uQ7tyEIQva;Db}r&bR3kqNSh)Q_$MJ#Uj3Gj1F;)sO|%6z#@<+ zi{pbYsYS#u`X$Nf($OS+lhw>xgjos1OnF^$-I$u;qhJswhH~p|ab*nO>zBrtb0ndn zxV0uh!LN`&xckTP+JW}gznSpU492)u+`f{9Yr)js`NmfYH#Wdtradc0TnKNz@Su!e zu$9}G_=ku;%4xk}eXl>)KgpuT>_<`Ud(A^a++K&pm3LbN;gI}ku@YVrA%FJBZ5$;m zobR8}OLtW4-i+qPPLS-(7<>M{)rhiPoi@?&vDeVq5%fmZk=mDdRV>Pb-l7pP1y6|J z8I>sF+TypKV=_^NwBU^>4JJq<*14GLfM2*XQzYdlqqjnE)gZsPW^E@mp&ww* zW9i>XL=uwLVZ9pO*8K>t>vdL~Ek_NUL$?LQi5sc#1Q-f6-ywKcIT8Kw?C(_3pbR`e|)%9S-({if|E+hR2W!&qfQ&UiF^I!|M#xhdWsenv^wpKCBiuxXbnp85`{i|;BM?Ba`lqTA zyRm=UWJl&E{8JzYDHFu>*Z10-?#A8D|5jW9Ho0*CAs0fAy~MqbwYuOq9jjt9*nuHI zbDwKvh)5Ir$r!fS5|;?Dt>V+@F*v8=TJJF)TdnC#Mk>+tGDGCw;A~^PC`gUt*<(|i zB{{g{`uFehu`$fm4)&k7`u{xIV)yvA(%5SxX9MS80p2EKnLtCZ>tlX>*Z6nd&6-Mv$5rHD*db;&IBK3KH&M<+ArlGXDRdX1VVO4)&R$f4NxXI>GBh zSv|h>5GDAI(4E`@F?EnW zS>#c&Gw6~_XL`qQG4bK`W*>hek4LX*efn6|_MY+rXkNyAuu?NxS%L7~9tD3cn7&p( zCtfqe6sjB&Q-Vs7BP5+%;#Gk};4xtwU!KY0XXbmkUy$kR9)!~?*v)qw00!+Yg^#H> zc#8*z6zZo>+(bud?K<*!QO4ehiTCK&PD4G&n)Tr9X_3r-we z?fI+}-G~Yn93gI6F{}Dw_SC*FLZ)5(85zp4%uubtD)J)UELLkvGk4#tw&Tussa)mTD$R2&O~{ zCI3>fr-!-b@EGRI%g0L8UU%%u_<;e9439JNV;4KSxd|78v+I+8^rmMf3f40Jb}wEszROD?xBZu>Ll3;sUIoNxDK3|j3*sam2tC@@e$ z^!;+AK>efeBJB%ALsQ{uFui)oDoq()2USi?n=6C3#eetz?wPswc={I<8x=(8lE4EIsUfyGNZ{|KYn1IR|=E==f z(;!A5(-2y^2xRFCSPqzHAZn5RCN_bp22T(KEtjA(rFZ%>a4@STrHZflxKoqe9Z4@^ zM*scx_y73?Q{vt6?~WEl?2q*;@8 z3M*&@%l)SQmXkcUm)d@GT2#JdzhfSAP9|n#C;$E8X|pwD!r#X?0P>0ZisQ~TNqupW z*lUY~+ikD`vQb?@SAWX#r*Y+;=_|oacL$2CL$^(mV}aKO77pg}O+-=T1oLBT5sL2i z42Qth2+0@C`c+*D0*5!qy26sis<9a7>LN2{z%Qj49t z=L@x`4$ALHb*3COHoT?5S_c(Hs}g!V>W^=6Q0}zaubkDn)(lTax0+!+%B}9Vqw6{H zvL|BRM`O<@;eVi1DzM!tXtBrA20Ce@^Jz|>%X-t`vi-%WweXCh_LhI#bUg2*pcP~R z*RuTUzBKLXO~~uMd&o$v3@d0shHfUjC6c539PE6rF&;Ufa(Rw@K1*m7?f5)t`MjH0 z)_V(cajV5Am>f!kWcI@5rE8t6$S>5M=k=aRZROH6fA^jJp~2NlR4;Q2>L$7F#RT#9 z>4@1RhWG`Khy>P2j1Yx^BBL{S`niMaxlSWV-JBU0-T9zZ%>7mR3l$~QV$({o0;jTI ze5=cN^!Bc2bT|BcojXp~K#2cM>OTe*cM{Kg-j*CkiW)EGQot^}s;cy8_1_@JA0Whq zlrNr+R;Efa+`6N)s5rH*|E)nYZ3uqkk2C(E7@A|3YI`ozP~9Lexx#*1(r8luq+YPk z{J}c$s` zPM35Fx(YWB3Z5IYnN+L_4|jaR(5iWJi2~l&xy}aU7kW?o-V*6Av2wyZTG!E2KSW2* zGRLQkQU;Oz##ie-Z4fI)WSRxn$(ZcD;TL+;^r=a4(G~H3ZhK$lSXZj?cvyY8%d9JM zzc3#pD^W_QnWy#rx#;c&N@sqHhrnHRmj#i;s%zLm6SE(n&BWpd&f7>XnjV}OlZntI70fq%8~9<7 zMYaw`E-rp49-oC1N_uZTo)Cu%RR2QWdHpzQIcNsoDp`3xfP+`gI?tVQZ4X={qU?(n zV>0ASES^Xuc;9JBji{)RnFL(Lez;8XbB1uWaMp@p?7xhXk6V#!6B@aP4Rz7-K%a>i z?fvf}va_DGUXlI#4--`A3qK7J?-HwnG7O~H2;zR~RLW)_^#La!=}+>KW#anZ{|^D3 B7G?kd literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/img/glyphicons-halflings.png b/docs/build/html/_static/img/glyphicons-halflings.png new file mode 100644 index 0000000000000000000000000000000000000000..a9969993201f9cee63cf9f49217646347297b643 GIT binary patch literal 12799 zcma*OWmH^Ivn@*S;K3nSf_t!#;0f+&pm7Po8`nk}2q8f5;M%x$SdAkd9FAvlc$ zx660V9e3Ox@4WZ^?7jZ%QFGU-T~%||Ug4iK6bbQY@zBuF2$hxOw9wF=A)nUSxR_5@ zEX>HBryGrjyuOFFv$Y4<+|3H@gQfEqD<)+}a~mryD|1U9*I_FOG&F%+Ww{SJ-V2BR zjt<81Ek$}Yb*95D4RS0HCps|uLyovt;P05hchQb-u2bzLtmog&f2}1VlNhxXV);S9 zM2buBg~!q9PtF)&KGRgf3#z7B(hm5WlNClaCWFs!-P!4-u*u5+=+D|ZE9e`KvhTHT zJBnLwGM%!u&vlE%1ytJ=!xt~y_YkFLQb6bS!E+s8l7PiPGSt9xrmg?LV&&SL?J~cI zS(e9TF1?SGyh+M_p@o1dyWu7o7_6p;N6hO!;4~ z2B`I;y`;$ZdtBpvK5%oQ^p4eR2L)BH>B$FQeC*t)c`L71gXHPUa|vyu`Bnz)H$ZcXGve(}XvR!+*8a>BLV;+ryG1kt0=)ytl zNJxFUN{V7P?#|Cp85QTa@(*Q3%K-R(Pkv1N8YU*(d(Y}9?PQ(j;NzWoEVWRD-~H$=f>j9~PN^BM2okI(gY-&_&BCV6RP&I$FnSEM3d=0fCxbxA6~l>54-upTrw zYgX@%m>jsSGi`0cQt6b8cX~+02IghVlNblR7eI;0ps}mpWUcxty1yG56C5rh%ep(X z?)#2d?C<4t-KLc*EAn>>M8%HvC1TyBSoPNg(4id~H8JwO#I)Bf;N*y6ai6K9_bA`4 z_g9(-R;qyH&6I$`b42v|0V3Z8IXN*p*8g$gE98+JpXNY+jXxU0zsR^W$#V=KP z3AEFp@OL}WqwOfsV<)A^UTF4&HF1vQecz?LWE@p^Z2){=KEC_3Iopx_eS42>DeiDG zWMXGbYfG~W7C8s@@m<_?#Gqk;!&)_Key@^0xJxrJahv{B&{^!>TV7TEDZlP|$=ZCz zmX=ZWtt4QZKx**)lQQoW8y-XLiOQy#T`2t}p6l*S`68ojyH@UXJ-b~@tN`WpjF z%7%Yzv807gsO!v=!(2uR)16!&U5~VPrPHtGzUU?2w(b1Xchq}(5Ed^G|SD7IG+kvgyVksU) z(0R)SW1V(>&q2nM%Z!C9=;pTg!(8pPSc%H01urXmQI6Gi^dkYCYfu6b4^tW))b^U+ z$2K&iOgN_OU7n#GC2jgiXU{caO5hZt0(>k+c^(r><#m|#J^s?zA6pi;^#*rp&;aqL zRcZi0Q4HhVX3$ybclxo4FFJW*`IV`)Bj_L3rQe?5{wLJh168Ve1jZv+f1D}f0S$N= zm4i|9cEWz&C9~ZI3q*gwWH^<6sBWuphgy@S3Qy?MJiL>gwd|E<2h9-$3;gT9V~S6r z)cAcmE0KXOwDA5eJ02-75d~f?3;n7a9d_xPBJaO;Z)#@s7gk5$Qn(Fc^w@9c5W0zY z59is0?Mt^@Rolcn{4%)Ioat(kxQH6}hIykSA)zht=9F_W*D#<}N(k&&;k;&gKkWIL z0Of*sP=X(Uyu$Pw;?F@?j{}=>{aSHFcii#78FC^6JGrg-)!)MV4AKz>pXnhVgTgx8 z1&5Y=>|8RGA6++FrSy=__k_imx|z-EI@foKi>tK0Hq2LetjUotCgk2QFXaej!BWYL zJc{fv(&qA7UUJ|AXLc5z*_NW#yWzKtl(c8mEW{A>5Hj^gfZ^HC9lQNQ?RowXjmuCj4!!54Us1=hY z0{@-phvC}yls!PmA~_z>Y&n&IW9FQcj}9(OLO-t^NN$c0o}YksCUWt|DV(MJB%%Sr zdf}8!9ylU2TW!=T{?)g-ojAMKc>3pW;KiZ7f0;&g)k}K^#HBhE5ot)%oxq$*$W@b# zg4p<Ou`ME|Kd1WHK@8 zzLD+0(NHWa`B{em3Ye?@aVsEi>y#0XVZfaFuq#;X5C3{*ikRx7UY4FF{ZtNHNO?A_ z#Q?hwRv~D8fPEc%B5E-ZMI&TAmikl||EERumQCRh7p;)>fdZMxvKq;ky0}7IjhJph zW*uuu*(Y6)S;Od--8uR^R#sb$cmFCnPcj9PPCWhPN;n`i1Q#Qn>ii z{WR|0>8F`vf&#E(c2NsoH=I7Cd-FV|%(7a`i}gZw4N~QFFG2WtS^H%@c?%9UZ+kez z;PwGgg_r6V>Kn5n(nZ40P4qMyrCP3bDkJp@hp6&X3>gzC>=f@Hsen<%I~7W+x@}b> z0}Et*vx_50-q@PIV=(3&Tbm}}QRo*FP2@)A#XX-8jYspIhah`9ukPBr)$8>Tmtg&R z?JBoH17?+1@Y@r>anoKPQ}F8o9?vhcG79Cjv^V6ct709VOQwg{c0Q#rBSsSmK3Q;O zBpNihl3S0_IGVE)^`#94#j~$;7+u870yWiV$@={|GrBmuz4b)*bCOPkaN0{6$MvazOEBxFdKZDlbVvv{8_*kJ zfE6C`4&Kkz<5u%dEdStd85-5UHG5IOWbo8i9azgg#zw-(P1AA049hddAB*UdG3Vn0 zX`OgM+EM|<+KhJ<=k?z~WA5waVj?T9eBdfJGebVifBKS1u<$#vl^BvSg)xsnT5Aw_ZY#}v*LXO#htB>f}x3qDdDHoFeb zAq7;0CW;XJ`d&G*9V)@H&739DpfWYzdQt+Kx_E1K#Cg1EMtFa8eQRk_JuUdHD*2;W zR~XFnl!L2A?48O;_iqCVr1oxEXvOIiN_9CUVTZs3C~P+11}ebyTRLACiJuMIG#`xP zKlC|E(S@QvN+%pBc6vPiQS8KgQAUh75C0a2xcPQDD$}*bM&z~g8+=9ltmkT$;c;s z5_=8%i0H^fEAOQbHXf0;?DN5z-5+1 zDxj50yYkz4ox9p$HbZ|H?8ukAbLE^P$@h}L%i6QVcY>)i!w=hkv2zvrduut%!8>6b zcus3bh1w~L804EZ*s96?GB&F7c5?m?|t$-tp2rKMy>F*=4;w*jW}^;8v`st&8)c; z2Ct2{)?S(Z;@_mjAEjb8x=qAQvx=}S6l9?~H?PmP`-xu;ME*B8sm|!h@BX4>u(xg_ zIHmQzp4Tgf*J}Y=8STR5_s)GKcmgV!$JKTg@LO402{{Wrg>#D4-L%vjmtJ4r?p&$F!o-BOf7ej~ z6)BuK^^g1b#(E>$s`t3i13{6-mmSp7{;QkeG5v}GAN&lM2lQT$@(aQCcFP(%UyZbF z#$HLTqGT^@F#A29b0HqiJsRJAlh8kngU`BDI6 zJUE~&!cQ*&f95Ot$#mxU5+*^$qg_DWNdfu+1irglB7yDglzH()2!@#rpu)^3S8weW z_FE$=j^GTY*|5SH95O8o8W9FluYwB=2PwtbW|JG6kcV^dMVmX(wG+Otj;E$%gfu^K z!t~<3??8=()WQSycsBKy24>NjRtuZ>zxJIED;YXaUz$@0z4rl+TW zWxmvM$%4jYIpO>j5k1t1&}1VKM~s!eLsCVQ`TTjn3JRXZD~>GM z$-IT~(Y)flNqDkC%DfbxaV9?QuWCV&-U1yzrV@0jRhE;)ZO0=r-{s@W?HOFbRHDDV zq;eLo+wOW;nI|#mNf(J?RImB9{YSO2Y`9825Lz#u4(nk3)RGv3X8B(A$TsontJ8L! z9JP^eWxtKC?G8^xAZa1HECx*rp35s!^%;&@Jyk)NexVc)@U4$^X1Dag6`WKs|(HhZ#rzO2KEw3xh~-0<;|zcs0L>OcO#YYX{SN8m6`9pp+ zQG@q$I)T?aoe#AoR@%om_#z=c@ych!bj~lV13Qi-xg$i$hXEAB#l=t7QWENGbma4L zbBf*X*4oNYZUd_;1{Ln_ZeAwQv4z?n9$eoxJeI?lU9^!AB2Y~AwOSq67dT9ADZ)s@ zCRYS7W$Zpkdx$3T>7$I%3EI2ik~m!f7&$Djpt6kZqDWZJ-G{*_eXs*B8$1R4+I}Kf zqniwCI64r;>h2Lu{0c(#Atn)%E8&)=0S4BMhq9$`vu|Ct;^ur~gL`bD>J@l)P$q_A zO7b3HGOUG`vgH{}&&AgrFy%K^>? z>wf**coZ2vdSDcNYSm~dZ(vk6&m6bVKmVgrx-X<>{QzA!)2*L+HLTQz$e8UcB&Djq zl)-%s$ZtUN-R!4ZiG=L0#_P=BbUyH+YPmFl_ogkkQ$=s@T1v}rNnZ^eMaqJ|quc+6 z*ygceDOrldsL30w`H;rNu+IjlS+G~p&0SawXCA1+D zC%cZtjUkLNq%FadtHE?O(yQTP486A{1x<{krq#rpauNQaeyhM3*i0%tBpQHQo-u)x z{0{&KS`>}vf2_}b160XZO2$b)cyrHq7ZSeiSbRvaxnKUH{Q`-P(nL&^fcF2){vhN- zbX&WEjP7?b4A%0y6n_=m%l00uZ+}mCYO(!x?j$+O$*TqoD_Q5EoyDJ?w?^UIa491H zE}87(bR`X;@u#3Qy~9wWdWQIg1`cXrk$x9=ccR|RY1~%{fAJ@uq@J3e872x0v$hmv ze_KcL(wM|n0EOp;t{hKoohYyDmYO;!`7^Lx;0k=PWPGZpI>V5qYlzjSL_(%|mud50 z7#{p97s`U|Sn$WYF>-i{i4`kzlrV6a<}=72q2sAT7Zh{>P%*6B;Zl;~0xWymt10Mo zl5{bmR(wJefJpNGK=fSRP|mpCI-)Nf6?Pv==FcFmpSwF1%CTOucV{yqxSyx4Zws3O z8hr5Uyd%ezIO7?PnEO0T%af#KOiXD$e?V&OX-B|ZX-YsgSs%sv-6U+sLPuz{D4bq| zpd&|o5tNCmpT>(uIbRf?8c}d3IpOb3sn6>_dr*26R#ev<_~vi)wleW$PX|5)$_ z+_|=pi(0D(AB_sjQ;sQQSM&AWqzDO1@NHw;C9cPdXRKRI#@nUW)CgFxzQ1nyd!+h& zcjU!U=&u|>@}R(9D$%lu2TlV>@I2-n@fCr5PrZNVyKWR7hm zWjoy^p7v8m#$qN0K#8jT- zq`mSirDZDa1Jxm;Rg3rAPhC)LcI4@-RvKT+@9&KsR3b0_0zuM!Fg7u>oF>3bzOxZPU&$ab$Z9@ zY)f7pKh22I7ZykL{YsdjcqeN++=0a}elQM-4;Q)(`Ep3|VFHqnXOh14`!Bus& z9w%*EWK6AiAM{s$6~SEQS;A>ey$#`7)khZvamem{P?>k)5&7Sl&&NXKk}o!%vd;-! zpo2p-_h^b$DNBO>{h4JdGB=D>fvGIYN8v&XsfxU~VaefL?q} z3ekM?iOKkCzQHkBkhg=hD!@&(L}FcHKoa zbZ7)H1C|lHjwEb@tu=n^OvdHOo7o+W`0-y3KdP#bb~wM=Vr_gyoEq|#B?$&d$tals ziIs-&7isBpvS|CjC|7C&3I0SE?~`a%g~$PI%;au^cUp@ER3?mn-|vyu!$7MV6(uvt z+CcGuM(Ku2&G0tcRCo7#D$Dirfqef2qPOE5I)oCGzmR5G!o#Q~(k~)c=LpIfrhHQk zeAva6MilEifE7rgP1M7AyWmLOXK}i8?=z2;N=no)`IGm#y%aGE>-FN zyXCp0Sln{IsfOBuCdE*#@CQof%jzuU*jkR*Su3?5t}F(#g0BD0Zzu|1MDes8U7f9; z$JBg|mqTXt`muZ8=Z`3wx$uizZG_7>GI7tcfOHW`C2bKxNOR)XAwRkLOaHS4xwlH4 zDpU29#6wLXI;H?0Se`SRa&I_QmI{zo7p%uveBZ0KZKd9H6@U?YGArbfm)D*^5=&Rp z`k{35?Z5GbZnv>z@NmJ%+sx=1WanWg)8r}C_>EGR8mk(NR$pW<-l8OTU^_u3M@gwS z7}GGa1)`z5G|DZirw;FB@VhH7Dq*0qc=|9lLe{w2#`g+_nt>_%o<~9(VZe=zI*SSz4w43-_o>4E4`M@NPKTWZuQJs)?KXbWp1M zimd5F;?AP(LWcaI-^Sl{`~>tmxsQB9Y$Xi*{Zr#py_+I$vx7@NY`S?HFfS!hUiz$a z{>!&e1(16T!Om)m)&k1W#*d#GslD^4!TwiF2WjFBvi=Ms!ADT)ArEW6zfVuIXcXVk z>AHjPADW+mJzY`_Ieq(s?jbk4iD2Rb8*V3t6?I+E06(K8H!!xnDzO%GB;Z$N-{M|B zeT`jo%9)s%op*XZKDd6*)-^lWO{#RaIGFdBH+;XXjI(8RxpBc~azG1H^2v7c^bkFE zZCVPE+E*Q=FSe8Vm&6|^3ki{9~qafiMAf7i4APZg>b%&5>nT@pHH z%O*pOv(77?ZiT{W zBibx}Q12tRc7Py1NcZTp`Q4ey%T_nj@1WKg5Fz_Rjl4wlJQj)rtp8yL3r!Shy zvZvnmh!tH4T6Js-?vI0<-rzzl{mgT*S0d_7^AU_8gBg^03o-J=p(1o6kww2hx|!%T z-jqp}m^G*W?$!R#M%Ef?&2jYxmx+lXWZszpI4d$pUN`(S)|*c^CgdwY>Fa>> zgGBJhwe8y#Xd*q0=@SLEgPF>+Qe4?%E*v{a`||luZ~&dqMBrRfJ{SDMaJ!s_;cSJp zSqZHXIdc@@XteNySUZs^9SG7xK`8=NBNM)fRVOjw)D^)w%L2OPkTQ$Tel-J)GD3=YXy+F4in(ILy*A3m@3o73uv?JC}Q>f zrY&8SWmesiba0|3X-jmlMT3 z*ST|_U@O=i*sM_*48G)dgXqlwoFp5G6qSM3&%_f_*n!PiT>?cNI)fAUkA{qWnqdMi+aNK_yVQ&lx4UZknAc9FIzVk% zo6JmFH~c{_tK!gt4+o2>)zoP{sR}!!vfRjI=13!z5}ijMFQ4a4?QIg-BE4T6!#%?d&L;`j5=a`4is>U;%@Rd~ zXC~H7eGQhhYWhMPWf9znDbYIgwud(6$W3e>$W4$~d%qoJ z+JE`1g$qJ%>b|z*xCKenmpV$0pM=Gl-Y*LT8K+P)2X#;XYEFF4mRbc~jj?DM@(1e`nL=F4Syv)TKIePQUz)bZ?Bi3@G@HO$Aps1DvDGkYF50O$_welu^cL7;vPiMGho74$;4fDqKbE{U zd1h{;LfM#Fb|Z&uH~Rm_J)R~Vy4b;1?tW_A)Iz#S_=F|~pISaVkCnQ0&u%Yz%o#|! zS-TSg87LUfFSs{tTuM3$!06ZzH&MFtG)X-l7>3)V?Txuj2HyG*5u;EY2_5vU0ujA? zHXh5G%6e3y7v?AjhyX79pnRBVr}RmPmtrxoB7lkxEzChX^(vKd+sLh?SBic=Q)5nA zdz7Mw3_iA>;T^_Kl~?1|5t%GZ;ki_+i>Q~Q1EVdKZ)$Sh3LM@ea&D~{2HOG++7*wF zAC6jW4>fa~!Vp5+$Z{<)Qxb|{unMgCv2)@%3j=7)Zc%U<^i|SAF88s!A^+Xs!OASYT%7;Jx?olg_6NFP1475N z#0s<@E~FI}#LNQ{?B1;t+N$2k*`K$Hxb%#8tRQi*Z#No0J}Pl;HWb){l7{A8(pu#@ zfE-OTvEreoz1+p`9sUI%Y{e5L-oTP_^NkgpYhZjp&ykinnW;(fu1;ttpSsgYM8ABX4dHe_HxU+%M(D=~) zYM}XUJ5guZ;=_ZcOsC`_{CiU$zN3$+x&5C`vX-V3`8&RjlBs^rf00MNYZW+jCd~7N z%{jJuUUwY(M`8$`B>K&_48!Li682ZaRknMgQ3~dnlp8C?__!P2z@=Auv;T^$yrsNy zCARmaA@^Yo2sS%2$`031-+h9KMZsIHfB>s@}>Y(z988e!`%4=EDoAQ0kbk>+lCoK60Mx9P!~I zlq~wf7kcm_NFImt3ZYlE(b3O1K^QWiFb$V^a2Jlwvm(!XYx<`i@ZMS3UwFt{;x+-v zhx{m=m;4dgvkKp5{*lfSN3o^keSpp9{hlXj%=}e_7Ou{Yiw(J@NXuh*;pL6@$HsfB zh?v+r^cp@jQ4EspC#RqpwPY(}_SS$wZ{S959`C25777&sgtNh%XTCo9VHJC-G z;;wi9{-iv+ETiY;K9qvlEc04f;ZnUP>cUL_T*ms``EtGoP^B#Q>n2dSrbAg8a>*Lg zd0EJ^=tdW~7fbcLFsqryFEcy*-8!?;n%;F+8i{eZyCDaiYxghr z$8k>L|2&-!lhvuVdk!r-kpSFl`5F5d4DJr%M4-qOy3gdmQbqF1=aBtRM7)c_Ae?$b8 zQg4c8*KQ{XJmL)1c7#0Yn0#PTMEs4-IHPjkn0!=;JdhMXqzMLeh`yOylXROP- zl#z3+fwM9l3%VN(6R77ua*uI9%hO7l7{+Hcbr(peh;afUK?B4EC09J{-u{mv)+u#? zdKVBCPt`eU@IzL)OXA`Ebu`Xp?u0m%h&X41}FNfnJ*g1!1wcbbpo%F4x!-#R9ft!8{5`Ho}04?FI#Kg zL|k`tF1t_`ywdy8(wnTut>HND(qNnq%Sq=AvvZbXnLx|mJhi!*&lwG2g|edBdVgLy zjvVTKHAx(+&P;P#2Xobo7_RttUi)Nllc}}hX>|N?-u5g7VJ-NNdwYcaOG?NK=5)}` zMtOL;o|i0mSKm(UI_7BL_^6HnVOTkuPI6y@ZLR(H?c1cr-_ouSLp{5!bx^DiKd*Yb z{K78Ci&Twup zTKm)ioN|wcYy%Qnwb)IzbH>W!;Ah5Zdm_jRY`+VRJ2 zhkspZ9hbK3iQD91A$d!0*-1i#%x81|s+SPRmD}d~<1p6!A13(!vABP2kNgqEG z?AMgl^P+iRoIY(9@_I?n1829lGvAsRnHwS~|5vD2+Zi53j<5N4wNn0{q>>jF9*bI) zL$kMXM-awNOElF>{?Jr^tOz1glbwaD-M0OKOlTeW3C!1ZyxRbB>8JDof(O&R1bh%3x#>y2~<>OXO#IIedH0Q`(&&?eo-c~ z>*Ah#3~09unym~UC-UFqqI>{dmUD$Y4@evG#ORLI*{ZM)Jl=e1it!XzY($S3V zLG!Y6fCjE>x6r@5FG1n|8ompSZaJ>9)q6jqU;XxCQk9zV(?C9+i*>w z21+KYt1gXX&0`x3E)hS7I5}snbBzox9C@Xzcr|{B8Hw;SY1$}&BoYKXH^hpjW-RgJ z-Fb}tannKCv>y~^`r|(1Q9;+sZlYf3XPSX|^gR01UFtu$B*R;$sPZdIZShRr>|b@J z;#G{EdoY+O;REEjQ}X7_YzWLO+Ey3>a_KDe1CjSe| z6arqcEZ)CX!8r(si`dqbF$uu&pnf^Np{1f*TdJ`r2;@SaZ z#hb4xlaCA@Pwqj#LlUEe5L{I$k(Zj$d3(~)u(F%&xb8={N9hKxlZIO1ABsM{Mt|)2 zJ^t9Id;?%4PfR4&Ph9B9cFK~@tG3wlFW-0fXZS_L4U*EiAA%+`h%q2^6BCC;t0iO4V=s4Qug{M|iDV@s zC7|ef-dxiR7T&Mpre!%hiUhHM%3Qxi$Lzw6&(Tvlx9QA_7LhYq<(o~=Y>3ka-zrQa zhGpfFK@)#)rtfz61w35^sN1=IFw&Oc!Nah+8@qhJ0UEGr;JplaxOGI82OVqZHsqfX ze1}r{jy;G?&}Da}a7>SCDsFDuzuseeCKof|Dz2BPsP8? zY;a)Tkr2P~0^2BeO?wnzF_Ul-ekY=-w26VnU%U3f19Z-pj&2 z4J_a|o4Dci+MO)mPQIM>kdPG1xydiR9@#8m zh27D7GF{p|a{8({Q-Pr-;#jV{2zHR>lGoFtIfIpoMo?exuQyX_A;;l0AP4!)JEM$EwMInZkj+8*IHP4vKRd zKx_l-i*>A*C@{u%ct`y~s6MWAfO{@FPIX&sg8H{GMDc{4M3%$@c8&RAlw0-R<4DO3 trJqdc$mBpWeznn?E0M$F`|3v=`3%T2A17h;rxP7$%JLd=6(2u;`(N3pt&so# literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/img/microfab.gif b/docs/build/html/_static/img/microfab.gif new file mode 100644 index 0000000000000000000000000000000000000000..4cdf0aad3468d274f0a1bcc1a15d5638527b4c8b GIT binary patch literal 18387 zcmWifX?&y}TB;{XSL z0WdZ;2EhLScmu%i0K5j^HvoPG;1vKP0Q>^L&j7pxU>JZG06Yg^2ml8FKLPLzfFA)E z1mFh%o&xYa00RJg2fz~mz6Ibh0N()c2!MwG*a7$&fCm8F2jCt6cLBHqz-<8f0k{Rg zO#p5H&?>d1fHMGC z0Qek$(*T?Tpa+1@0O$tbBmi9ioB-fB0LK961mGwDM*!#mzzo2r02~J35CH7}90cG1 z0Q&)G17IHjdjZ%3z-|C`0k9K*9RQdB*bcxp0JZ|q3P1}0TL5SVzzD!*0Ga?W0H6mz z2LK5G0RRrbCIB`9umONZ06qa=Jpk(fXaHa>0BZnP4M05rs{mLDzzP7g04xV!830QG zSOUOe02TqT5P&)W7633GfO!Da0x%bV8UU&R&;T$8fY|`d0-y?jnE+G*Fav-J0Hy;_ z4!|@3$^e)OKq&wv0H^_&0zfeUlL06Kpb&rp0P+D)0gwkkE&w?IC;`X@KmmXp01SXh z0Av9$5r9kpG5|;iAPoQ+022U61zY}i1qSld`qK4-dm^2W7`w{LB3 zZrwI*;ktmZasK}Pp+Nz86JqeS3m31&vlPW81ZTOrZ_w77wzo8IH7#6A zh9<~eZ~Xt43@{LP1e-Cdqy)%L)E z=jU#2G5Lq3XnLu4Fr6Ei*=7_fx3sl>;-sQ=^H{vltR~6+BQNjr6Kfyc6PBHP+*5U> z;g5G{T!m%M#ezgK``9hEcVt*zuz`)W>pF5TdvHd z2d)0NgDKu!QF=R^q&iT~MBMzSz`sHbp?(?%!IlM=82Af&cF+SVGv$5mveyE{d%Au{ zZqU+RAtS80mSo4P^IzUwdBf*=VeBq@Nsha?!C_^H+AJ_P)hX@snr^hxL)JOZYz|q9 zd!oF=P8{aSHJ*8*_p?gpgsz~5jvrjwRZR~7m5Dh%Q>z{x3|h~JZ$})gOKKLbs;|~_ zg-c9OQ(!4(MH?Op5TB}6`Az<;vNK9v+Mp?$S5zx+3aa0|o*~$(-B}QS+4($NYU7Pf zZ5?;ItTfM8W;Bn`Lvj4jnl$cP#D78S7n?)Z_R5=l^M-lZ+zEW^jo>=>&YuPAsJBf) z%dbM4gO+rypa;yV@-%o)#uCvptGRG<Ee))}xz%`q3x|Ffv4Z}i=kh&2@}t}|l4>|4wfcky)Yc@>E_ zE7uLLU zPQ2-rDn2<<`0s2AVkLes>3u4ssi?QoslLvg@X@aHU(z096zC+S`I1uuV_x6h?5qFy zHbnG^mN@EL&!5VSz6TJW*nRn`Jll?E&pU! zDv3TG#x&dr+=xBTk2%>|dOK`^jL2q%X`QQ^wr!c5>XD0;7!FMlSYL4yA3Jp3C4W^j zMaHt?8|fy}XS&hM&rO4e`$GCO%1z>p%ln46L{nviT%*(|3yWt=?~u zLl>SoHL7T+xKN<5)i~k6qH)|+JY{(3Tc)b)i1!KH@Yfji3#U770sqT}8xc<25Zox( z;E7YT<4lNMXGT&aHs5}*IepM$lU9|@=kG!jsUeSxK`KcS)U2=z-G8WY9DHu4CodUd zW%paTb(Ai`DEBb&bK({av8RZiyGO`VdL#%?jnQj^f95Cu& z&2Nmyx0c+ws}yW;m=t&O7crd%MKl z!>uGcpifF4KTyrvIjRpF@7bLFVQA~qcYeXo1&j&p1gDrux>Y&gAfFD-T3jEUl-g2~ zqHwPmwX#(_IAW1NNFI}tal~+NBfoh6 zcTyM7i=*>&Fg@%ctE6|2&&dWue8bS4%a-Gl) zJ$K|}ff^n;dOh@wW^*Q&^xVrdL>DEpi_1vQKcTt7U%sTL)LU7Tj8;|wMTS-o?mN^u z<4hy$!m-y@jYkH7QS>{N+E&lr^wo9FIns&QMy&z>gTKgl~Ujw9|t6%;>xpMIcPDruEhMo$JcEx&BOW^^z|hD~Hke zA~|c4xtg6f0=bp*U~bBO=!*yA_xvQ?oQc$U?iq6+k}NB0a;?a_eY8)~Rk%f64}0&d zKt%M1o71mWbE|ne{x#g7eI!5!E+zNQ*}<)o>ij!p%D@BC2fpV&=_`2W%i;f-5?dx@ z7fEd%S^3WAabjr0-=OLT z0jp9)yFK}tv9NCMxelYhL@8(gy0^yX(*b>i;Gr@5!w0wVzbX8CwP+M~h(2cq@hBW> zsa0MNxF*XHJ#p%Tu4>R2j9}${gyvju&@bQies2=!Lmms(Pco5#2+`bhF~t9hJt4e~3?-n6yR4q4we$(Qt9aW64#$-5*fO zA{^;}Wm2RFL#GP_J0r7Y8k$UiOtmz&S=L;{Im`2W?>!8*Iyk4#a<1STJ~wCRFvem) zFH<9_I2?>Yo&soOUrsqjUn~tJoy>!3_9-X(G{yd7?bLtrRvi_v51Cj8*D^nG(rdBx zr5IZ3K$z$952v77z&dT>J_2r56T8(x7y8f^%v*gW3YO^LaVDD5j+EoBA$U&KB65lr zKc+y+Ep#1EcTU6k!XA?<y}dw2UQAbc%zP0APQ6RsaSkW5`rY zwA>`vYGxgCvd{83pWE5pIQxWj7S%9y&H(Gdapndmy+)Hz0?=QQ7N%=x6L`ocL(I?A zT)UHNHM6%m=%p4~k`rEV3~ow=#dui;h7_v>Gwl56QQAZY?YHmfI`f)64V>jCf+wgp zq<3-tYvX(&<@89|`z%Zy&RB$_xfo4sf|`#)wcd!@9<*4%*kEF|VeIe5bFOw7C?i{N zX;Y_wZ8ovCI~mI{eW4kd>_CdC6gh8uCBkUM**1!MXUxGlX=g5XZk_kt=F54oSPjQq zr{y@2>1MRjWL(^aD0zsY16__W7e#TFPS;tbSqJ+$mrb16>p12%wpp#wYZ!Cwi0gEE zWq^XP)QnxI#_ZRiWqxv3v3or~O7X5_Q z9<|}c_3c&rIlY#H7covS!ae|4xP?B=NsBjm1=u066V5OpWfru?Os{t&eDQ*P_{qY` z{(T$MHg)3}9cq@&Nq;p4A(I41t_3OKp;IhKp>&5M5-NDkiZWF0rLyD4^${m_Q7 z=8PWAp+isPO-_0RhNKE;6CAW$2T~?oUui+-0tPN%T^ePd(6BbC>60zQ@MAd60?#-A z#|tJdIET)1phs?@g)`8p7+R^NuQf3jcDL{<4_f+WT{?L%Wpu*fI!+J8GMMQlCR&tw z%C#eKl4;ul0<9G=aNZ`fbiVPQeLvi0AEtB8nAz=G=5j46cP>xFjQN$()jaxqz-Y8E z;T7ypoy>JSdVz)pe+!@fXMdF7vp@e#x%dw{+ip4f-L?wBoOLGVLEd!6bk08JT8~?M zGz*)1&76nRm0t>09JTo79k2a;#kO%8T9&h|)Q&DTF*ZwC2OO*;V`_H#0ruAPqo4CQ zX9cFFVfr)&E#7i$yZ|W%`|_*lTQ)QF0@gu_wHIfuqR?Ea>t8s|*-el2V_iv@?L;-w ziyHj1i!t=27DkKdczPs<_s^Q!)g4!~oC~=2M)#S!p4>}|($MN@5t69IC)l)l75=ajej?+<8oGCma|Qf*nR z<#KOSWKA^=sVi`7(3LXj6^-Uft(w}qlfJ^q*lJ;&a9mlIq1&Y6TyU~K z_+L9?(OLzuUjfbmJ42&Jq&TdI{_-q4KFfs6^kMvUjJfGKE17XEBj(yUj5GWhb7C_s zABJNo+7v(!5GMcln6A|@HaJR`+0jCrrpkk>J1$hUlz-EO9E!PEt%;tmp$|0Cr+YEC zQLGcDxrc8azt84;rd@YLx~fNO_3(}TipObpGUjTLL^FJ4f-M4vV|lcA*^US2J)6OW zN9d)`z|9vNc4{0tfwwqx%;Y-5kQ&Vn+|F3*;4QM#f4|~AU5%uu;pmoI@%HXCUt@j5jvcaq8%kb=tj5(>Xi)xM|%1^U7lu_8Bebij#9@_$Dr;s{}Md zWDVXBQY@lnnvjHZetRD_JkodRK6XvaxITVx*8~9^Xon>B{#p%#R5NuHquv~MZ3lgx zCOOLqx27!bcm+$Hafuq*L{nyk6IE>XnTOMtAEz$?jCB~ZY%aUG;OJUbhla&DY02Hi zW9`zi4q@!8jhy-moX;&RTu`Tii;bIrRv` zz+;`hdh|)V{mWPEV-#yA#r*y~bFYBs`z5E>&ff221iO7EIzBDf0SV2Q=1)cEsOd`u z4@?$T(yxzFeqA`J@Ot9b{^Skt_*r!CyYmK)#Ld#6)1_#ZkQQNv5{4kL=@w@dZ30F6 z)re|vx_OpsQt1EP)0E$2Y{tJmhTWg}`^7UB_7M%s{0D>3Ft<9hk5TOMd`>scT5<|W zp$0Y+(#x(TxmM`fS z8OsFp85mk@%1^Vy0uAJ?hEDFdHNi~lg%Fh#^_Pbay$ky9DqT?(uvx%@i7rOS-Lp>i zNqoEk_^;IjwB=xH{$?M?yXR5J1P45VX?TE=2E^?3(F?_kc` zw&^gBwb4W`bx_+}hx7krZZOlQTST|^eI>L*5!ay)^RsibelxKQ6JRgA+Vbtv z-!D4ZM=0hB4Vs~b3wOd9JaoaB^Y^VA`-%mKvyGNSL0%@nFas|;6a%{QOvuQqK-Nm8 z5o78I{z4G^e!TsY$?UWsrzLK$$q_J1>gm_vv(Y(cua>pj!rVa7E6s@9;;Qy&u^@BH zPAKpzI9U*pEB#*`#n|p-Eo{}US^RF&Xz_H47HN;oh~+v_bG<*h33Y z9PlXD(;EvYqzVKI~wAqNPtaBl*sdITrdF z$6^zYWwMVfccN-7qOj8ze-4YCPzdk4aKT>*@7ku}16!S}Q;v%p=5W}5{k2kyX5nyA z>1f@UOQlm;E%?sa+V|c*gW)C!l>&wX1Zn>^bS2DC(^v7BwHsNx%*^zybhME^eP{1p z!22|JzhY0px82ivDm#8XKk}eWq9lD5uAJ8zlu7cUOUt@Ef|JS*i-nJ_)49H4tP#j- zZnTCdjFSBdx<~kwQ}e&=&S{C7GV}A?v;(Vd6$G0CX*zNZ(@gBXy3rnl( z;Sp8>huu;-sS;$1PwcG6!*b=xZ=xpeV82|qDz}xNwCMQGq0oyFteO~Hup%`ZLi~#Kg~T@u%A6I`r)l)%{619 zZiW45VLRqlG*2yzDQ+IA&nJ)G+!|KUt)DS9Z+jT_pX2(r)cz5e6TR2TrTdj(a@4;L zTgnu73UuSYTk=qw?N%M|(lh-ms4;k|8iqEYn-M$lUE2!|J14>G?LYdFL`08uhEhiKgI2=5wQ@k5Wgur+skl7)w9TBvG#-9Ad^k z0pgv7aqINFj0e4n<`>!q0^zoCa6Dv}`2i<+L^|v>wf5vo-%?3{a$C}6JIRsSjdQmv zg7=Fjste>fd;WU<;;b>CvcXCZ+wFq7UQtUzf8BL=jJHs^voJm2rBBUF`AX09UMzJ=z#7xG zmZT$x)_7zMbiQyKe{;Y#GraEnc6!hTC_SS=0>yGWytXUUvExn&Q!fuY< zmc3nGwpZ+}F3LZ)CwyY{u=}`eX5rWTzIvGR?lFG-tE`U|@3+aeym`|6!0$@O!eI4W zTT5C(WXf-+u0%dJc$c;j#<*wvTCd4T9m5&2o4sVRaGAP;#^mzNfG$-DYZCg@*&cby z{Sj?7`2Gl=oY#UE?C8e0OIy?b;SKZh;$G=@-__NoK-r zmHm1cJ&`H@0C}7Wr}=mD3=uxU*i;w)`R2e4G)+Ky_q63aIiJc_4R&ypIK(c;XremE zUDwqYnIdQ9A~o&{9Hg&Vi-cGlG%p!|xOTub3mDVv@TNaObIAb7zb&{KuXPc?+NJ1{c`9VucpHj6L?J+B4WPX%<8sc zU;oDSScd5W>>5U1KOD?G(>$%0of>%g#*?ysn@^9Ko-+UkGfP;-OKe^Vm#+ufv?(_z z7wN}v$Q@Vu3_6$`pt zFG8K|s~BoksJYUO$yGmPiL-Y0Rxqj(97!-iTG7Vdd1mJ(SI}@meV)W{H(E7t_fYR%X7s z#>=GY6Z}J6PHpetc;1G%Lc_qEfo~(_c^~iu8L6j`dLq(eN6_Jf7@I< zsP!Z%+QWVm8u40#uAYj+S(Rh}AXroFWU$u|YX(mjaNBt!Mm#i0A{M%sIq9=e??2uS z@wPkqqGu;^D!Odm+edVP=W)3>Sjd{(2H!6DKYDj6>9yCQ7Y7qexpT<9UZdl459<8Q z4kX@g^?u;oTu{+)<#TOLtn|c9b>^7pYGMV%>Cf1lt+9C@9#BRE%8hrg3f*QmkRFu| zh#9AWJSf0A@|ixWO3u{}^u>}pTIV_yzPm83m-4DUstDrD8YKgs*%`S@Y_@a8oRnxe z)3mgjJw;>lI>0l;)(zz^?bQhaOIVwx!Coy=rC`*wS=J75^6dnt0E2x8HLThZT13H) zo72zN_;%NM#FoBgeDXjH$yH(yLneUvOe=et^F&mw+zqE*j@ww>Qraoyh9}w%eTvFq`Cl>`B!SfoX(q(VnPT&5N<$-e%H7?@=ftI?w3M4f-dlNNeWAmamo9#K zJoN^=DdtP2s;I`RViqC_9bi1CR-mB+fLVp<69%DUeWf>|b0PK=t?1)kOdn#i=!08h z8Tpd`2_+2nSEbKykfYh5gAPN)AcgQv7!rv?9x{ke5hvD@Crc1;&@gR8AODt&l#!y| zbCCn0FqSUhtiIGTac0AwvJv-O>a0vci^E;8Dbec%oIIMIjb*7C^tozeQXpa#(IgJy z)m`9GK?nxmj5?%5g|>tn)DC1ar61mbWOvaLwQy(`5$J&aY@sPE$P^|zrMDxG-^&ko zkFrBP{ebN%g(=)!0Qs4r;QsA#THTnuS6`+a1A25xPNn)haFY?Cy>MEE-dtcP1!##aMuj6eOoYFm-02_$YH}>T zj`kCU1lf>+f%A$|Hj;TswXb+LkGp@dx0 ziJc$G#oCZbedsJ+-b`mg8Q<{Lu6WS^al(@n8_A?~w2T4WB&J?2&@*<*(?@Pid5p6u z;O!t{jk>XPv`pYyA0)p{Ur?sc9@V8ubg^wa9&6zE(a=rj^aTN@b7cDBE3}k0GOUhp zr+|y=aQbm~-v2kJe8-L!1X0-$<5^vjnGEN_LJ1tfkBqUvvAyItXKu%C^vGkwk@ILJ zmXtrDOE!@smpnpw@PQHd&`zE7a)Es0ewO3b*p4#D5|dnZ0@>n>MYeWiMR%0MV$t+4S!-CNyZZCM>hr2m(PYJP)Nk&U)nS$_w2EBr* zGXnCl8kU&J9ab`)r<=gMQ`&|e8ANA0472(TGusShcD-D!iw0yyGZf??guV9@Rl4Md zx~x$e#?=3mNsAeU{CK&~dte!_qt)9mxlNxV(R;Y*C)sIf{akLPC5j>iuXMhR`p-z@ z3;mf4l`e(}`#W*2~(aGwU){hbE0qPU$6u4TOj0k;@qR z_;!>^3~FPG(rC^ap#>~HG;V+!)kehv-S}SGB!PbAyOKOvl%k&|a)Yxcm%guh#8pl4 zR9%?S&Byo%COMX%i3#gf|Mw4>NVTN2>81qQlP6D|1DZ63BMZWZ1;5F?lK~zqO7>COidvwO5Z^}O!*fR!bpLts&?8MV5a#?|SEE%H}yojADol5)N zFo#L6=F_W3QdK5h%mCrdg9b6e&qSnj8e^Q~v&xEs3$*bL_`_6!*Oe9~EzX_XUugb1 z%R=k8KugDU<0Z6lynq<|%eYZ8xz2^nB8PYB-;^PfG&IGmi}XWv>4&_Wz+)8Ls)G1k zc3}lPelBg2TOeGWComE|7{q77anidh{+Qway)Ml}OB)?rBG)C3lJUJ{4DTrBCmIgL#Bo-87Fn)*iQA!Ui}&Mw6c1o1xX2WaNjV zC$8Q(bRRVoYCY9D8lXE;)wE;*?VAgvYnA?5H+v%UN};7AU#d?VA!l)j_b)4-#ot_h z3=-n-T#+tugp8>m1^q-&KM^?qr)bO*)w>k9zF3XU?4Mopa(0b?KBoaKw9sOEiR@XW z9~w)`TA&b_>&rK$_vx>b;vbc=$|g7e8G19NV-8o5G--R%3F7q3J9*++sR7f~>qy z6Sqd!`?4mU{=!MY+;lSBMOQ~*852=C^d$mAF|MD;*F{(e>zA6odzzAzbD=8opx6F1 zAsN{YeXN6Jj)z$Vh{~Kloie2Sj^>5ZRTq)`YmkQpuv80Jg4{hlX(1JGyxljWR~Ild zO45FA(g>$}k_SCum4$N*a6jHRf ze!>I$g=x9UXaGzzaFalR64!p-nQs1NeX&l;+aJf%#TbxHYaSP2$}E#^f?x#DHL1)1 ziQOFB|BXaSTToW}-6KR%p_AANZvc5X>Zaw~Hif>*EYzUTFuwr`#BWR6borXZLOZfx zCpt_0&GsGV07Ug4bWd#jSDZ)GAY`c4c>{e$P7M` zKdR5&@K`0&XPI>}d(DK=UuAW!{n#e#C&rY|i3lFe9%QKKLZ>_R$_AZFetdY4?InI{ za*<0*ldmt1Hjz=1&On|Zz)3{$X&F-e=CeCXHE87kI%m{y<3GdApV5i|eby)`kU{R) z0%qMsRE?uX+^qr%!(nM1Ee-Q_|6P~arCU<1yR@|BPBdEL(C4f4m3w}Vds8Db($ciF z(3PZspXsmedaXmIwhhhT8*)v$rxlP_L&mRnXC=i!J5tH0t~WdIn!pBP&+kN(K$odT ziX0gq*P$~V=%+y|Kg}rr^JhdZ(1q7Q?_atm1xHo*P55L;9jw@iA!E6Gq@$Szj%!aZtBC?+fST|z5`um>!-$mG4Ra_%nMt2v-sdNQJWap3 z58$V6SarV>;l>re6~mIlkiUlDk3bUax4aRggz}n>-Jk7RU;exIspYechAC2Hyp{}9 z5j+R@Zxt?C-oueV!4>cYoR&`MvRrgkh14rDwhqiM;lD4o_+&eEi=!)_zNwke&y5-- z_%gyvLxfu3bR#lt#85qgPPgbMI?12XATNHshvb9!N8D9n2B<%rtNW0*y?#d%nLI+v zXZ|_W)unH%o+EoQWzIM1U(gv?n9Kr)nIPYha*h$Ft3gE+5oGDFyR>?2l1!i5+nraT zSE`XbGm;#*YRc$ms()#zLyJ;1y54!TWCuAvkMF4>g4^IUBT~+z*YfBy?8qc0E!;df z)qCwPPw-!}i2x@grY8JWPOjNkABw{%;B2YNIL(YMe>0$Q*3VJDo-=^X809^XlQPi` zH#5%Afd9J;n$|Wfw9=xRk-~m`VV7QILW)-HZw*HcOLkhWB|KOb1TC8Z~d_XPg2a94zCt2=c0y(@<)t?6sDJ{L2$`iRwo zMmXxxXSMdWx1!aO$=*Q;<()FQ0%3ZDVkXTBn$at|yjxjaGt6)gkj@`9?#xvmpLTB1 z_hK|KX zmag#aW1Nm(#+;G#a?76RDJJIkCE>YS!%81BZGBtHXH{KU4+W(b@qZ$&z+VMUTgW>! zUeo1sh9GIEr%DjumQx|W8K@l;_J<$b{pe2YX$yQH`k3jWSM*Wiqx{Ikkh8afY6sS! ze$&f_5YKeVLUPjiC@bzx(R;4+WZa`%A6cK>wlZqBRKXOsYDkWZYejsgw=oS~%28bB zCSxX|>)QI~aT3=44Yx}FcVp}ePTQpcm=n`3dv_~jN#k3+M*^<3B0ja4jjJpYHs!AV z_|O=6?5e0R?(_3U*fA&CRu**lE*iKUxkvKoR!~iqXO2&)T4?aj8&%V|NuyFU*wnkT zHN}qXVuvqNcDTT&1>3Vqq?bPCr12i=eJeE82A|2no`{F+HKzAn%&mDDcX99tXWYy+ ztWU?`uZ|QZd~wfqN3t(2i5a>`Q;oQZYt;lAXyRq_)b)fpc!QW^MW60ZDl~ihZDC(K zc8FdOx&7nYn;Q!y4-uadSw|l)eL$Pdn??=w$K1f)7fHKQo;Ueq^gGGVVn$Uq7lh_r zw-i_G$nl%59*-Vc*hj3X?>`7kI~`~ zJ*fRRn)eL6x+$n3*cBe_pBc6>wXV*c?3nn~UipIM^^n0c$CXI+E{=Qq+ufWh zh!Nh!yxy90t@BZTP{3y|e`Vj_fhkxqeN?vRl&TJc-<6sJh^L&}q4!(P^V%1;dSSpl zY2Q`<_zS&l%Q*3$o8c{yCU7>_chY$$K@X_MY@7_S{Dxmmm;9E%)Ub0)?B~?GJF(tm z{KW;`ts!?dEZ3evc$1jbeO|?xR>VumBhrGKThHE2yg5>ON5p?GrE$kOE2go;?G}rp4yctOm(_Z{ z5vK(?0jmtDKz2rlzIP6wRv>{ zdK%w`pTWM4e{wzIui=;e$C7_MudQyWIA7zl%Vj?HYFtrBGfhxSxNS5ek_szlQLj!Y zdCQvGsqpR57~b1bQ_Fok)^*wS!e=-t8o=lioP=k)NxY}|B}XeOj~y%ei(SkWxvBf* z+^652`MFJi#+hBALtgIF`i|CrSHa=8)eL2w$k)==GV8#eb5}ulCGXy&1iC1)TziDK z$f$5H=8>mN7@EX?B07W7(?CtKnU6*s%1dpWw$t~fE+?+c+MIoLh%Fx|;VyZpkGjR#e#G-9qg%Q((i$GvohuV zl#vp_K0VYrC)4TIYrnC+@uB~0dyP*k?y`a|S9(7N9cLjtu0+B2gVp#aV`S;cVGBB9z9}!+7RC>nO3ZY zw>Cw^3H~Mh;h6__S9fq0^=FGxcWjy7SCepek)Kcg+Lp^2*4Z>pZbGS$l~E^T#`SJt z4&NgA4#CO7URyeJ#+dISyBz|ziMM`M+r!LG7@7p=8&<^WoQRZwc$(&6?=g)({8neiV6kNJOP zewDDSq-DnA)B~%;^l_EdtcmpmbDZVQ(E9J;sehW8zb=Xq`gyVnwKd(wz?l(eDrZi| zMPE$qCs@7D;jm2WjumaR-~p;>!q{W$ERzWd|Bq^lWkU2Am6cs{wcW=oxRMGuYrh1u z54Fm_)vvm0~&&udO)@aGMOzR4L!%3Etb!hQ!vX#6dJ<`bMi1#Y!Q z@4}zTT=~~6cwaveq=s;lpaSwZ44Nhk3O&}Et_KbBHfMaa@{D|a z$Q>RUX2Cv}?tR-bU0Y^RcU;jp5(APZ(vv!c?w>sEi*Ai;**AZee{a`~*evg%ih&yc zYdm`5Mo&)h$7*h#kzluf^U}+#K|6iP%a1jiv$!J9yS`{d?4>Q!d_F(3f_|g@m{#Z6 zC`Hp7Nd8mQm^COIb6-|R3vT*xb7pS`r;sAlDh=%0W4@di8h?E^W=Lq9z&)6%3wWTR zr&tJgLW@KdTbI0$C;MOFdB>GM^eXAu?|a7hVx0bA%M4l#S7oxYvm!sUzssd(sz~3P zj;3^1(;@6{W%TYZ*~PXQ4~Q!SGsQ&_st$73@RUNjm66^ncUx3r>#(A61xQ9p-R^VC{kk2;(tkPw}>DegVYZ5V7@ zVLg7xHz0UlU=I}3O9YR|g-Y_fO96MGIqiGkC^KIqwuMUvo}LMe?}8(-PrdAb!*^%a zW53r?!XK%hzC2v{hgGCeEV!zUn)j{VU=vYR9|y&>guUEPgh~d&`L@vBF@j$U`Bqqc zi=aRHF;*RgY5?=^K(|5M?;Y@zL4G(CsILy#ZN2v6?4YYqh|?-mYwoPOiEgWm>mel- zip3x00=^==OcAvkj_tR_w!z9hkoO?YY2dPYG<4}!dZUXo81gm@g$v1uR$Gj~G=%L5aa;LOpduFBR`UGfB0pL*+G z7oeanD6n1r`zfgR*pN^~&YZUMf8!5^9altQ3K!xE8I<2nBqJK&Fq=)HwuQArJ{C5o zi+Z@)l>)?k*JG^5cTN?#kd8IjbqTh4GCRF#$ALj>O=zBoxd87~O*3r#xSel~ITxl3ep zolP`q4L%PczY@1+&5f2#5s%7U2FPOo<8}&!CDpzwDP{x8^C|i3OSwR$cp@#2i<`If zp>5)SWxgX|(t7-YoCwfA7bC;i8mqUDm4^@>yyr{}uFS;IMx1S@+yTMk$-R_vf3rN; zL410j2^VIH->BLagqC7`F#wHB$6ijIO2P9smz6;VFpWs)N!0QircQ@EG>?RDM*4N^*CGn$Wv_fQd<2wiNnFL zh^Gh}fP#JYNxS85et$MPZQ2@gmK`I*EOLL9+^0hB-)RjVg+$mG8BqmC#3{lWA)jD^ z_W?9^16Cvc$2yAHLvdeYGh^hwSLcK`Dq>qJiS&qBf-dqOz;2}C-eEpwd6*22D6)w@ zw)hVp_ZSB3Z5Tb1f_wmsxmW~PErGnHUi@D9>MU5iWcX`qKo#L7mV4L#6gU70#IRTiiiud!uPIx^;Z!T;DEv# z6tVYm;@cL+x4)9eY{6B8M<-w!0jIGbuy0{R+^aB(*yS!i{D@+wG|_x05RB87fR1Nu zpCY;6ZfkIZa%V9qstXOQeH!p#?BJpqwkXQ`{gOqoW<^w-Eu>ZMQ&#LLInh5v2n3`^ zq7Z(7f=z_4QoifnubknhL+yZ*8Nz$r{W2c5uos{4TRiLW=5RaY_Yr67%Q>UKw@Y4E z2}h(T1bqZwCHMS@yVotAn*tyv2BqNiPT|Es{NHQ8Z1??~#X$ z5MjU;rkWdM|J1Jt@|Fy{b={a{1#ZK*2Lkb%ts!+wEN|lHEqoFFSiWGxUKRy-J{*D4 z7QvnTP~Yu!FV6icU}?aE(ga%7GWQXYd3>h-kf#4v_$=gvpObxknj(N+y7s|H7;z9YQrQfsdz_ZR8JIxkZ2S-R1f_v5gE#aGa(%nM2 z8nzG*hf)B2G`xQW@xKulW3$B}*@@tKoSqa7KrW5&sbVDTYZC-3=0?tm!HhAuqNyhEC z`IFl6dT#tC`s%rc{E_UxRetsb*5FsP@>E8u^{r4qu*J9r8pD53IC`dRb3j85r z!l77lKrP|*nqnKz!V+r#KI;Dk_67<03;+QWuwxn60V9ZlEgXY0C_^u(LL}gM6bQ_r zR>2lb4UHz3By@tI2MQ`|f+F}fc@KdQ@F$XNfftPb!EjqTBS^xWw(1~oTO72(8GLyT zyZ{QEKnq;k8T>&doPzNnPYjvgDulu#*z^Xqo2+-i92^2Bc!DQ1N+S@0*}g#68;C&?=zt5v51}pr8T0`q zltL%TkUUMuCpZE{8v({m$E-&@CYVHXJpv+pHyyOWh6e!*EVV>H00xLaixfc`b%Ew= z!Yc$rG8_XhsKO-3Jk6Kr5*LMlXp<0pX;Ai=;yL2z?HKjT3n zWP&Nc0xitKE0lst@_`#9Zw7cET*l5hF&9Bwgej$^@!rCQ6PF3Hp=Ajh7`iOkj`@VFCsZCt%?4LF5UTI*L5O z%9SgYs75HCAmQrONt7v7w2+Zg$daj8wrtI6MJiJxL3`w+@lpi}6DCfiU-6*BN(g&?-DqY+V3`G}NIIMDQ!z4l$hIp@tfGSS=1h zEb$~1Pc)(Ak%a`|!$2o=Kp_MF3M8NagAPbwfd(9YP$COA2Du~^S!P+KlSJn5qKPAl z=xT{3pwRA$FyI)(l2XRArIuGx3B?jd2!XK-ETB-Lt0t!4!VJF**$eG700M^_d{BamD=7i(!b%`H?9M!)=s|@I zDwu$R3pfw~g%@Vffe0$l-~*CSGArehLg46v2_v5LO3EmrxZ(>p1fhf!S#H6lJXcQf z#1cpf$pfM&kRXDHBbu-R3^nTTqmV=vSwxXU3>ol`I>?9u)D12;p@%EvSmYB_QYi(L zO)U8jl1&52a|$AQ;2{YACAMh84@fZC1Vc(7S>%vH0I|aiDSTj|g9|FC-~tUkAYla; zYVg5{Fk;GNlu_OSqzx^UD1rzhl9+GGu)Jsk5MqtZ1zA~GF$EM&AQ>bMFrqNRhaZGM z;)yKCXycAP1S#YYL>eB@k2=agH&hEW;Nglm67l2|R7mmU5=k2IR*^&gn4^pFhKxiBaJJP zAYzCjUY>FaDXf?okV%TgMHifHk;N5MMltD*bBWkNhaQATB8n}_c*Bl8{s?3cJE^AQ zYEU((00R@OfFqIrPE6s96H8hw#E^0OnB$Bra&5VZEXpE;kw_?^M3RLO>HBXgfM~%3 z3@&&dgAF_wp@bD?2x1B|@IXZTM+&i{3{*IR5QI3M)Ikq@_yZsU(ZVxO;Rh@bl?-)I1sj&46rs>W zBoZNrKD?3-cZh=;zF>tYI6+ER00VyfK!`*%0*a1c#6t3L#UQ-k16+Kc7c(F~5vbq> zN5DcF?f{5E0OBECaDotuMg%4NY71THf)|)LEI;NVki6)HFMPoZUBChqiD&~AeBgo= pumA=%*a1_dkOeT9!3}iCLm&LmkUF5@3PV8V7fVn|fWQd|06RR@XD$E$ literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/img/progress.gif b/docs/build/html/_static/img/progress.gif new file mode 100644 index 0000000000000000000000000000000000000000..ee8a4c3d46abe0f31c38aa4d9b677903c3cdbb68 GIT binary patch literal 1122 zcmZ?wbhEHb!Y#3Q(W~w5=#5%__*n4QdyVXRDM^Qc_^0uU}qXu2*iX zmtT~wZ)j<02{OaTNEfI=x41H|B(Xv_uUHvof=g;~a#3bMNoIbY0?5R~r2NtnTP2`N zAzsKWfE$}vtOxdvUUGh}ennz|zM-B0$V)JVzP|XC=H|jx7ncO3BHWAB;NpiyW z)Z+ZoqU2Pda%GTJ1y;^Qsfi`|MIrh5Ij~R+$jC3rFV4s>P;d@5Q_%2DOwP;$321_K z`1)FT<`tJD<|U_ky4WfK&CtutOtEryGjnq@wJ^0bFn2UGbTzVYGcmU?bT&6LbTu}! zuylp#b;(aI%}vcKf$2>_=rzNs7nB%s3xGDeq!wkCrKY$Q<>xAZJ#CeV+bza8&4cPq z!R;0koO<#DphYAP1iGQ}cl7y$G1F8UO$L`{(zspFh5T`}*bc zr;i`rzkB=U^{baJoVgsyL#pFrHdENpF4Zz^r@34jvqUE zVojbN~+qz}*ri~lcuUorj^{SOCmM>enWbvYf3+B(8J7@N+nKPzO zn>uCkq=^&y`+9r2yE;4C+ge+in;IMH>uPJNt12tX%Sua%iwXi?qaq{1!$L!Xg8~Em{d|4Ay*xeK-CSLqog5wP?QCtVtt>6f%}h;lT#wKO%<)l^lKl@t}^6_x6_d+)pMzw-0`YgX3Ek8{pGYd!1x-sep~ zpuhKqFBx+TFcF4fuW;-!j&Dw`!is7GPxD$q3V7MWC+25bP3H<*ExZ?8y|z;3C$w1bY!oWc)#n6|b+5n(R*wx-}MVNY7fn^_2A5Kyj!k zJwGVw0Jn^xid&+sDvK^B=rSBPQaSfk@qNaOuIkBMSmH=$nun}>SaZyMY`81BBCUx- zz+0*6$}e^HmL73=62VB@1;Ov1W7d=Di7w~( zL^dUsqL8%+y%zajq1}|Xia%Qy|DgRaTbSwMmr_qvUJ1Nt6HywQbA;EGy^6V15~%tu z#K=2o{Kr~pabKa29nmppM?7Ca&svwLy>)G%$V?uTZ*Rl9TgJHIKiF9{@rB{;mJFlQ z((CtCdrV81U0)pJ)+CNJE}_;aCWokB?8efqJp5P4ZjQ8l=T0vO z*{MwHl6bLhYim{edhIuhog6Omdt#%b=uln_wqN*FXP&zkzbDuGVBBDbYP5GAl|Rqub6Lqximg@@ zX6KG;yy9@hCMLD2G^%vI^1$%rD(=0C-3z_R!PP77o5T;4ZY9ZX4AmTTYtIjkUdhv( zoO2?#aWaXHKXI=Q*rhx zmQE7rCG5#vb7Z`GgJNHpJ)q_o#OD8`pl9x7bl&>CpA@bLO4}tXy;~NwEPl8%DuGwA zyCo%xT77+|lGIJsfgZCXiUj1L9@_xgF<0Zc72TXR$_rTdM|fvqRkYfZO^+z-{EV8RTZigWLiTH$%uR z8FIU73b^e$#)aILB5nl0&4>y*pgHl(UMF^Sb}m5N zG9fpj1>lzHEQj1^kQ=U@W!eIO6vE-OnF$d!b4cy23{IO5q{bG(Z2J{u+Y(5vUjV5U zz-*gq4YI8}M-H;A7_}tmhjDQkqe3^>xmI|uVvR1tbfe(6o^twHz*_wjNMRBA5Vb3qBxfu85id zQu9aDOyIN)L2Ajih}s-TZIcvC8^I7zOFqSc)JzaH%l}g2!D)*@(>5PYTLqf7KtwHl z7HaMcGQIK z$ZQq6Q*d8a)RVh*!`Oq4$bDxEsr-+h(QcJ&moK}xoOxRk|0c)D)<6Sjz<}J>-j2N`xwPk^z;rS^$;CzT-lb zuBSqk8YvU>1^Jxm=Z_l9+{j^#e_{q>17%^((uSGoNrU#nFjk{r=IxZeSliT;I&Zce zH6qTZR!V6+%yN0GB%IeGGIxxS&~HB3LLz$|_%U6kXv=h5o9+-8vG{BjC9=SwS$Va~ zVi7We02+aZj9>pYF4ivvAf_p0Jtgl*e_g@@bLNu{%D`nheZyp z`(tcgNo1M7kF09q-VLkvg3y?1-jF&;AE(vS9C|pPM{;(m=e`_iU+B%~t=}+Zaz_y? zS|F=?J#p79Uf;{y$b0^%CDqNB+F1YXE93q$R$(J&X8Ogjl_ad`w8IA#_57IdsB%*1NBh=n7BBEo z9NljZxW$FC`M{*CebA);CP9-jWzeL{fJtLd@_-{HvuLsoZY0ZL}|&cptl92gWl$G&m8tP z64+AJ9$(noZirxSn?$|M0ra-q8UfhS50_zYdt?QA+a|6Y^tSVnsJCUn-WJzfo3!r} zsh{W@THR5SZAoNtN^{-X1ac+2O%fU-oE)m&H}-R=0#MWL{~BbQ_e*5b6l4SsWKsdl zwlI`!^N>kXxG>wiV79$C2HAG#krWu=jWaSSjX2x1*#VPQasf9m&Fz)0Ehdl~5jnvP zapOU5|3FSKhE7l-ZkCW+w*lbh-~#*ZCIaHdf!uyT+^iwDyQuGeh5D{3U9%^V9x>FcZT1rGh=>{oL zQ1Q6;Q+uDYpM9Md|LcBxzg(a7jo;GHQkRvp!vHXVo!`|Ej7FTDg$za~&BDq|$V)}U!%E4?&CaYu!X*iX^6;?<1H}ko zJRDN2nr!^HG#M2cc+I)^IeCN#by;=9V0MzC)M{MjA|kg5WGvVvW$9$4m3duB?}*dL zX_F~Y)8FA1mgRKkFb8N6+!xl9mA@r?myuWcxecG2>^*#d>T?;XSRr+gmYjl?w7DPb zv4=p&3qCJP@h}6akXsLktt3+bhLJM&iulzt$jv3_b;^@OUOZ4msOZA*Ep;`Nat-b_ z87iepnutQpObqX{Xd2TJx)Cv$g*;UA6*h6wGO!3#_SUt)551FqU*FyPUbl}@39)S> z+!~gwm>+!)o32;~aM*W#VC}Dy8=;espfW@FxT!JpIWLGXGn z&+!XUp*4S6s2D1(%=NQXl3ttBOh~|I@r;r{dgjx*XcV~bakF|_t#y`0c%pS~ zz#gdR;z`kO0vZwsGT(R645z_pyfpd^5}BbL7X z$)oJzf#=^^Be%#}t}{wVRBLJ_TQfS6ht(U0yqYYCmk1K8byb^}gIf(9T8gqunxh+n z{Q9UdwZ_psBz4uMjV1ZnU7)Hql9jag)lKS^b|CU^D15QWc5>zLf$Wo zP2Icy!@%Y=scrJh>}=52uJ0@TKid~FlGaDNS3|siJo3I;%DPA&_+sYs{oCe7===rO zn{P>&@7ELO?H5;wFGo9He>}Rp#-9He{Qdhk$8Sk9`H7$n`7hwF>pzJjX6vuHIGkEHM!VJ$}*O2#t897c1r8cQ{9sd(-u%BfmR zhEoQR2xloXb>xFX_zY8R%Z-xN)(V~#X)-Cg>F2p0x%LWl)!LYwFCgePBCxhS_QGQU z>k%^6vwbv6Ej9g(PqrFJ+*@n=i1<^te_>-IKKGN{s&E=apqpf3xtK#}=n%H-`a_6M zhy72OCbCsXh0wz>yR#H*+=yA)=H2lchp{}}&X%L4Hs6C!6P>MJKI0-t+4Z{GPM7Jv zljs1h+qBu^42eBo^HrW_P_p!BZJ1qu&8V8ZiMy9k{xvY2vhS6tU$+y<*A4bo(~pJq zP2YDm-`%?c)KPxD+cc$2vV9bY;@qjT&kPf~<-`=R%Rj>s$uF$A7RBIPz81|Au)7um zjpkdARNkpuue25}q}%E2r(`NUb*|ca}QI+}DO$#M&h)i-13;BfEQ3psNmnqBFAu zx;bu~z6BLIZUtY5<|L&WOuk5H(ut8H zG$>s7#Qt2>QmpHHEbEV!8kG{$E&C|j)-THVl+nW@l_rJ{dt#|eljz6YMch3g+R}VG zyWHHA#$=4)whb;sD(m7rKiZo>w|YggrODSQQ2mv6WH?xVNFFZ!KeN9voFZs5xeSe* z1Vu={k{h7j<3Kg(y|@D8G)lR4-H@&vqauX-R;QSGznm#?`7L`I=V9^M5n@NwVAJ z8!r_vcQ;?zDn@X;ZF8a0{gmKYaFJ0*wm|hPThQBs41Y4&!42MU@ zC4>{#IS_v?esGFFUC^?>)S%uwbGi|z-)RW-% z7B>HHvp+65XX0_xyx?5<=oQs<`~Xw&6O3}1cFk+;0Iy^7N|J_6pbNL3 zmxc|3s93mK*x zT}SfatU7fO2lUKf^`dZ9#A8#rrx&VWVFJwu>R7WqD-hQ}<;MiP!$XpU_lrfdzm=5V`9z?1lp3JA+d;YAQr>yw=Dmbn2DZWT$x?Zw$ag=pTAo47N2 zcl+C^^=f6MeI05E83HFxHFa2XXlf6{evA0_R9#e+(GCAHe9#W8%H?^oxCQ5`GuUk= z;21kN8%-SDr zeqG3%*Sm6ZiRQ>Ur2c^u71~!9mvKjSZXcDq) zARJw_f={zdsLI?T)YqT^tdr-fi$drj^--D^t1kE$v5HGN&DTxP~WLO0-8^_RAzi>ny10lB`hBWFw&@g z^kocP@@Wb*=rfC+2|SN;%63Yf9(pVLFrXShQx&89IXg~4i8jGcM1&+bLqT~JudL>J zzpC~4`rz=d)|@$pzhm_!x$h5FtRV_S>X{NHWz(p8rz>E1xUrl^0xwH035uk#3pmHXy>F2fW%}NwBI&=^`f7@?n5Za zM?UutFR6H%j~8h^-LU=5Z~Y6bSk!0|k%dy18M@9lR$k#1N#DK*Yqtr?#HDsxwNLj% z9@cbss&Q}j2vLuRwhvx6&#At+d>^QR6eMRL3p*BK7!M;ZjD+JCd^Odhf#qPVA_b~X z^SoKGk!H*s9jZWHXnO37i@-nmt$&9Vcp5)Xu7V2Kki=V}6fofIgb!Ob2v5}wD&#TJ zT^0w6=py6dG9P8ejb*2pwQ~o1w47~cXIc(z+6CIKm%-Y;$HlSka0F+vW?t~`7M}71 z?-nLsyS+tGLz(!C?WLb`19ca~M@kZIX5vfL^%yM5F!pEK#(JFk;e|JuH5TQlIz1&I zNx6u!Ks74wZEg+%7y9 zLajj0<70lA| z)K{?Lz0=qm^r#Z9*;5T4(QEkT@77HRT~Up`pO(`a#M<{Agf;JMKZ@RF?GjTV5_$2f zSzA#EwDuM(Ib1z9NL6m<5A_fUQaYA-pd;a^Ul4w{J&ReaXwaq$JD4r|O=gsKtL0Ic zjtOZuxk4C=960DRoAAHJXrb}N=4y~FA#Z8(O;44ir)#);*HC;+@aCsC2;A|Lr8nJ9 zgf_=3{WBIlThu?VdLh;?1fD4Ag&sGb6NL#rStFGr`gBeaNg|PHNGOQI;fH<}!vm2C z;=9-(=o5Y3$^1-en_>UFTw<>+aQMw$o7h`yzH%VmQZAryL)w4=iutq#-;bWE4y$9Sc0) zPW6AuS(dY~Ix+@x(gTC&14GaF#9p1*bESzfoRt-4`ylw!Y}YIHOLNZ}%2RH@3=IOJ zIRT^mGI@qsy)l-?h5VJTLi@Gjjd+s*WIZ#B{4!W$lAR(SO95<7En;K`w#IS7T5s$l z&fjXiK152t#!0)6+@dIc^l#LONazHIPw#osOAMiq^D9uRomP{|ze|`+T?%76?6Z zJMmyrO68kfAmbd~ZJ7wv9Ntt6lQ5-BvpMV>7A>}RTWool=Bp#_U08A7k7OD>74}-n zW3)s4w{&h;+P70<%$#NmFIijnkQ)5weEFW9u^e{3Tun7%Vo4Q>UEI}MCB7oZPUX?x zYn*@@w#z4{!?4<)XX7%z?f+tDI6jOUiOQ1omAA!truCA__>6bjS`qrRd2@IyqmGyPawCob#4)TW$IqT7nMJQ;^%OZa zBKgz(l#JKK%r+1);~S$dMefu?lZE|}8X>Cx=nVhP-d38KbH!G=Wx(E6hHW(ecBW&x z+jf?#VYIV~Xq!Yon$$m8N8&M^<7XdN-qm<%KZ?0tnjF5AMKsvEkUZZ6@N`T%(Fa%t zie^J6N+fzYypz3;Gv6(UvB177AxIxV7UsA+yekRmb8-egFnFphag+11->uxjC^>BTzJ+Qig4m9xW1WenIt*=Ec4wBtifdLg60zTTi##Qk5;sWVe|~gn z&}_|lij}VIn&NQC`PpSXrNW$&m`yIwLEgm`Ci`-#+kM9OTq+2qM(rS#`sR&1~YJ3siIdsk1wdjZpwkw^6Odf`>~ zoju`J{m_bO^tJX9K{~-5iVr_KwD%5!yC;5*B%HFG>~fes{`GairS@0mUoC{=!>g3x ze}{33j5Z>i#cQACDWq5Y#YAKcKq`@Rx{T-5SCwlG_wL8hw(u1ah;dJ?&9CP_9EbV; zz?gd*^h4^iScAp%Xi1Qx@KUYA*yIXneQ8Ih?dPP?(N=F2D#08;!&tf{YkxAcg!fsi zRlW26+^sRHc3)+x7bA>5g$&6w@5)If^gp~5${?##;?~s7hRHQVOIT{wWlJ9++9s~q zCI^#GKlaDCh_T6Bc{B9o{$ou0M;L>%^kgYRdI_$AGm$S@wE)0mQI+G*oyApN@5TMQ zRLg9%p)5x4!dj(dY_;_mf>ss!%Uf3w^aFvbQNNH9Ylsxq4Lj%kAhU6Hde1-N2!%SY zis^No^if05nKJ@MCxw_q!C%uaIb^#B2E}A9Ga*Dr;Qu?O{ckYxLqOu_EPX=%F3h$v zS+PWXHh~qO@4mZ)SiES_?HC4VWzOX`NB4;q6Q+`zWH_4wfI<{haHGp(!qFqhqNwY2 zcF7zzl#AOdx=}ar5W=f1$5?qLcku!e;!^t?6fYW4-aWnu%OV^2)8u6>UN2;}Bjg2Z zlkXy4ifSZ-!)g3kBs^;e*gW0q>7eY^yx{GpT=@ zd@1%=VjtJ+zX|*DG^RMX77m_j{}a>xKVhVb&?h3se;pzUnq*raAP~)L`9j*r=0l9x z8yy2wY}TMiUhztJ?<989`s#>B=ssk_A~P*fG?m_?Wcfub_7_1V1n!VoU0(!+oDXpQ zaS&P8Nh3%YG^*3ZDsGiHn}h9dp4(z|XM!Tx&M6jI!cM{yY3>)FHH|l-wLdi=X;mmH z-zNJ8BJ{+31wqPLt$_mZf;W>2J$V;>&uJjm<6D>?>#D8X;wOud&$7v{w=7?IIY0NS zwZGc`lI%;oXKStByi)0FMU?1dGNE(y(8jtJ4K~iLZp$j zCUBkCC36gjpgjA&neq7MYBz$B>MyjZ#tL4-^VpgEDk-KA5j> z|3hc!woUj*U`9UUHfeN?%G!h^1d!8 zW4DXkLsEy-F%IX2=J>?t69GnJa-TA}liXsq$Z}?|qwUkcl;+sSm)tf94x@e+{ba8M zZ8l2u(l8uR&K{L1FTj42s~3#JR&~n@SeY8uxm31vyTh=ChSQbR=<%7-G>H-J!@95q z#=SJJcK68g1o!ow{G!P$8akX|g==dl9k3>U$Lg6rdi&p(DE~;Ox0(&zfK!cQ_*Et~ zr47F;G&S1bNg9!5)lS=baJeA|I@P^`jX5HtoLU{@7sgJDF4V$=6)&&g$K~k#(BeR?auw_^+(T|%82_lw4m{Dg3yv{JC|TLrs+eB zxks*{V+gl`Q~>?*YO0vu>>GasT9pTCF)2f9D6^7xM{p)7Jmako1NtX<8}Y7nuwPD` zpkC|Hl=TF5Q}S)})>^3Gr-01TFnLM#v>9@rR5=4GK&-#Wph&D;=DJ9S>;zlj#?gBB z$#K`W;~!serhhGKpue$Z7j@^B`~LDCCcH*hj>v?;09j^`diNvVQG1zj1%pNrimWa! zcSd)1;enBnL&RJyJDzc~d$UCaR0vv#H_3_((#-^4F@N*S(QpBF(Yl79IqXb4a_6pQ;0X z-yUePnhyUo^bcYdDiR=4$a?58|7#Pt_t zpVjR*zPn!J1r)h62{yG6uDNA{j1z>Lyvzh(gqfiUM~rLpVlV)~z>GbCg!a;n3Xj3;zinxZ(Ah9| zhUeJ`Us=`Js8H+S*_hZ{q4V+EA3V<|WOu53)2JU-mAwF}4b|txBVv>&%Pc&VOAtb9 zo`XRMXf34A{WK#HL?#pBzE-mU;ng9@ zNEP=10E+?fifGax?Dr(xSn+}9HpZtVY=9gO=)V$foGHH-E($OnZDgvsanDaQZcY!$hZ0|a3 zVPyr`BwC+^kmJOAh!QQ2tfyOns49U@Ap-l9{4qkwg!1LPK1!sKxPx(u*y!^~#czk_ z@8Cqj7gMVAk1nP)VbvEiIxFuUPS2n?Vykw0Ey;UY{`=;OKYmH^|6HGoKlaLs)L_#cdkR>>C z{F47i<+gm6UL147V^yUC2TSo_woxOL=nJMGX#cI$De+dGf=GKqPg2X*8s6l~+ttqj zsXd~sr7w%Ri;RR7z7vijv z-Iy@Ksr$xahvrv`$sl>5UKeK4*iQ_9o_)yckb#OuEA#2Y1HAI5ary)1@IQAif7yKt znV|lkU9qi9-{HKtJTg1jkprT)1#^d$8Km8P(c#UZY1*tK1z^dwFzj#eKd7lWHxbrC zQ5yG0`xV?0>@2hPAfp;HaUf7~`cS{IFQqlt62uQdCNzuAyT%@dPG~c5A_*jhi1%qH zzI0eTIYbESv=@XCkSY^jFMWTKUYMpLiVwiywq3J=hRt+{s&+pRYnhr89g$IjNyQ>@ zfX;8d0?iV_TH$s$01)JNZLNnl?cE6>OxEiT36AKnR#MQnX1zo*`8(YBv5V>hzcUdG zr~DQ(yAupfSsDAEUGc7`=l5>_A>S&J=!uMe2>y&JlA;T&iX_u6&VcFyi0!o~NbAHj z*t9fdIdmQtv<3BsNdiShkbHfx5y9yuj|G*c1K2Kx^;6a zMLz0|w9WaKyMoSrw;+}myIYtjy}w(OeAnH!n9L5>pOebl1gE=ai>^?@cT`d@!>3+V zqGk&bpaK-W>_ArBC}eVYP+;Y4;na?se<*6WT#PDv$yBGp(vF(0tV;ZOU4d5?pj1^q zEFqy0@meG~qDswgdXU~xY+abk?*v}a++|-`P4B0v9Yb%rxv&d-i#`~v@%0n0ZF~Kc zs>r^1f$YJWJESH zIA{3OjKWkkB&x+P(Nnn^;Mgfh*&YS$r+ngSPzh34_yOt%*y{U~%J~%xW-8EchS7_{ zo+lGZICe?C)%(v~@paxZ@aXFY+nE2lZ*eWFzFhQdJ-S@-ek=TK*)PFld7i_2arFks zrr0h?SnXV(GJVhZmrA{3$n@YX%@3pfgXST2L-b-p#7H70A*jCwo0(8Mqj}`ri^wv% z`hJRR4}4s6vKi2es_?0}{EK3KtAQi6%(Y_;T1$^17MzQcMtw11dG9GH*{TvnTejT@ zj_XQ9_#|}-~$_n$TxJP9#yFw}ND>exzS=*k_jJuGy`cr<}!qP9$uBw44Z#TA4$^IWL1U zB6Bq~sSrZii6dq`CJB?g&6ws>$4m)NrYpdq@z}oiDmorLS33!xFC7Rsb~_RyEYD{8 QFgzsPahhaFN(@l=KL|BBF8}}l literal 0 HcmV?d00001 diff --git a/docs/build/html/_static/jquery-3.4.1.js b/docs/build/html/_static/jquery-3.6.0.js similarity index 90% rename from docs/build/html/_static/jquery-3.4.1.js rename to docs/build/html/_static/jquery-3.6.0.js index 773ad95..fc6c299 100644 --- a/docs/build/html/_static/jquery-3.4.1.js +++ b/docs/build/html/_static/jquery-3.6.0.js @@ -1,15 +1,15 @@ /*! - * jQuery JavaScript Library v3.4.1 + * jQuery JavaScript Library v3.6.0 * https://jquery.com/ * * Includes Sizzle.js * https://sizzlejs.com/ * - * Copyright JS Foundation and other contributors + * Copyright OpenJS Foundation and other contributors * Released under the MIT license * https://jquery.org/license * - * Date: 2019-05-01T21:04Z + * Date: 2021-03-02T17:08Z */ ( function( global, factory ) { @@ -47,13 +47,16 @@ var arr = []; -var document = window.document; - var getProto = Object.getPrototypeOf; var slice = arr.slice; -var concat = arr.concat; +var flat = arr.flat ? function( array ) { + return arr.flat.call( array ); +} : function( array ) { + return arr.concat.apply( [], array ); +}; + var push = arr.push; @@ -73,12 +76,16 @@ var support = {}; var isFunction = function isFunction( obj ) { - // Support: Chrome <=57, Firefox <=52 - // In some browsers, typeof returns "function" for HTML elements - // (i.e., `typeof document.createElement( "object" ) === "function"`). - // We don't want to classify *any* DOM node as a function. - return typeof obj === "function" && typeof obj.nodeType !== "number"; - }; + // Support: Chrome <=57, Firefox <=52 + // In some browsers, typeof returns "function" for HTML elements + // (i.e., `typeof document.createElement( "object" ) === "function"`). + // We don't want to classify *any* DOM node as a function. + // Support: QtWeb <=3.8.5, WebKit <=534.34, wkhtmltopdf tool <=0.12.5 + // Plus for old WebKit, typeof returns "function" for HTML collections + // (e.g., `typeof document.getElementsByTagName("div") === "function"`). (gh-4756) + return typeof obj === "function" && typeof obj.nodeType !== "number" && + typeof obj.item !== "function"; + }; var isWindow = function isWindow( obj ) { @@ -86,6 +93,8 @@ var isWindow = function isWindow( obj ) { }; +var document = window.document; + var preservedScriptAttributes = { @@ -142,7 +151,7 @@ function toType( obj ) { var - version = "3.4.1", + version = "3.6.0", // Define a local copy of jQuery jQuery = function( selector, context ) { @@ -150,11 +159,7 @@ var // The jQuery object is actually just the init constructor 'enhanced' // Need init if jQuery is called (just allow error to be thrown if not included) return new jQuery.fn.init( selector, context ); - }, - - // Support: Android <=4.0 only - // Make sure we trim BOM and NBSP - rtrim = /^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g; + }; jQuery.fn = jQuery.prototype = { @@ -220,6 +225,18 @@ jQuery.fn = jQuery.prototype = { return this.eq( -1 ); }, + even: function() { + return this.pushStack( jQuery.grep( this, function( _elem, i ) { + return ( i + 1 ) % 2; + } ) ); + }, + + odd: function() { + return this.pushStack( jQuery.grep( this, function( _elem, i ) { + return i % 2; + } ) ); + }, + eq: function( i ) { var len = this.length, j = +i + ( i < 0 ? len : 0 ); @@ -353,9 +370,10 @@ jQuery.extend( { return true; }, - // Evaluates a script in a global context - globalEval: function( code, options ) { - DOMEval( code, { nonce: options && options.nonce } ); + // Evaluates a script in a provided context; falls back to the global one + // if not specified. + globalEval: function( code, options, doc ) { + DOMEval( code, { nonce: options && options.nonce }, doc ); }, each: function( obj, callback ) { @@ -379,13 +397,6 @@ jQuery.extend( { return obj; }, - // Support: Android <=4.0 only - trim: function( text ) { - return text == null ? - "" : - ( text + "" ).replace( rtrim, "" ); - }, - // results is for internal usage only makeArray: function( arr, results ) { var ret = results || []; @@ -394,7 +405,7 @@ jQuery.extend( { if ( isArrayLike( Object( arr ) ) ) { jQuery.merge( ret, typeof arr === "string" ? - [ arr ] : arr + [ arr ] : arr ); } else { push.call( ret, arr ); @@ -472,7 +483,7 @@ jQuery.extend( { } // Flatten any nested arrays - return concat.apply( [], ret ); + return flat( ret ); }, // A global GUID counter for objects @@ -489,9 +500,9 @@ if ( typeof Symbol === "function" ) { // Populate the class2type map jQuery.each( "Boolean Number String Function Array Date RegExp Object Error Symbol".split( " " ), -function( i, name ) { - class2type[ "[object " + name + "]" ] = name.toLowerCase(); -} ); + function( _i, name ) { + class2type[ "[object " + name + "]" ] = name.toLowerCase(); + } ); function isArrayLike( obj ) { @@ -511,17 +522,16 @@ function isArrayLike( obj ) { } var Sizzle = /*! - * Sizzle CSS Selector Engine v2.3.4 + * Sizzle CSS Selector Engine v2.3.6 * https://sizzlejs.com/ * * Copyright JS Foundation and other contributors * Released under the MIT license * https://js.foundation/ * - * Date: 2019-04-08 + * Date: 2021-02-16 */ -(function( window ) { - +( function( window ) { var i, support, Expr, @@ -561,59 +571,70 @@ var i, }, // Instance methods - hasOwn = ({}).hasOwnProperty, + hasOwn = ( {} ).hasOwnProperty, arr = [], pop = arr.pop, - push_native = arr.push, + pushNative = arr.push, push = arr.push, slice = arr.slice, + // Use a stripped-down indexOf as it's faster than native // https://jsperf.com/thor-indexof-vs-for/5 indexOf = function( list, elem ) { var i = 0, len = list.length; for ( ; i < len; i++ ) { - if ( list[i] === elem ) { + if ( list[ i ] === elem ) { return i; } } return -1; }, - booleans = "checked|selected|async|autofocus|autoplay|controls|defer|disabled|hidden|ismap|loop|multiple|open|readonly|required|scoped", + booleans = "checked|selected|async|autofocus|autoplay|controls|defer|disabled|hidden|" + + "ismap|loop|multiple|open|readonly|required|scoped", // Regular expressions // http://www.w3.org/TR/css3-selectors/#whitespace whitespace = "[\\x20\\t\\r\\n\\f]", - // http://www.w3.org/TR/CSS21/syndata.html#value-def-identifier - identifier = "(?:\\\\.|[\\w-]|[^\0-\\xa0])+", + // https://www.w3.org/TR/css-syntax-3/#ident-token-diagram + identifier = "(?:\\\\[\\da-fA-F]{1,6}" + whitespace + + "?|\\\\[^\\r\\n\\f]|[\\w-]|[^\0-\\x7f])+", // Attribute selectors: http://www.w3.org/TR/selectors/#attribute-selectors attributes = "\\[" + whitespace + "*(" + identifier + ")(?:" + whitespace + + // Operator (capture 2) "*([*^$|!~]?=)" + whitespace + - // "Attribute values must be CSS identifiers [capture 5] or strings [capture 3 or capture 4]" - "*(?:'((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\"|(" + identifier + "))|)" + whitespace + - "*\\]", + + // "Attribute values must be CSS identifiers [capture 5] + // or strings [capture 3 or capture 4]" + "*(?:'((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\"|(" + identifier + "))|)" + + whitespace + "*\\]", pseudos = ":(" + identifier + ")(?:\\((" + + // To reduce the number of selectors needing tokenize in the preFilter, prefer arguments: // 1. quoted (capture 3; capture 4 or capture 5) "('((?:\\\\.|[^\\\\'])*)'|\"((?:\\\\.|[^\\\\\"])*)\")|" + + // 2. simple (capture 6) "((?:\\\\.|[^\\\\()[\\]]|" + attributes + ")*)|" + + // 3. anything else (capture 2) ".*" + ")\\)|)", // Leading and non-escaped trailing whitespace, capturing some non-whitespace characters preceding the latter rwhitespace = new RegExp( whitespace + "+", "g" ), - rtrim = new RegExp( "^" + whitespace + "+|((?:^|[^\\\\])(?:\\\\.)*)" + whitespace + "+$", "g" ), + rtrim = new RegExp( "^" + whitespace + "+|((?:^|[^\\\\])(?:\\\\.)*)" + + whitespace + "+$", "g" ), rcomma = new RegExp( "^" + whitespace + "*," + whitespace + "*" ), - rcombinators = new RegExp( "^" + whitespace + "*([>+~]|" + whitespace + ")" + whitespace + "*" ), + rcombinators = new RegExp( "^" + whitespace + "*([>+~]|" + whitespace + ")" + whitespace + + "*" ), rdescend = new RegExp( whitespace + "|>" ), rpseudo = new RegExp( pseudos ), @@ -625,14 +646,16 @@ var i, "TAG": new RegExp( "^(" + identifier + "|[*])" ), "ATTR": new RegExp( "^" + attributes ), "PSEUDO": new RegExp( "^" + pseudos ), - "CHILD": new RegExp( "^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\(" + whitespace + - "*(even|odd|(([+-]|)(\\d*)n|)" + whitespace + "*(?:([+-]|)" + whitespace + - "*(\\d+)|))" + whitespace + "*\\)|)", "i" ), + "CHILD": new RegExp( "^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\(" + + whitespace + "*(even|odd|(([+-]|)(\\d*)n|)" + whitespace + "*(?:([+-]|)" + + whitespace + "*(\\d+)|))" + whitespace + "*\\)|)", "i" ), "bool": new RegExp( "^(?:" + booleans + ")$", "i" ), + // For use in libraries implementing .is() // We use this for POS matching in `select` - "needsContext": new RegExp( "^" + whitespace + "*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\(" + - whitespace + "*((?:-\\d)?\\d*)" + whitespace + "*\\)|)(?=[^-]|$)", "i" ) + "needsContext": new RegExp( "^" + whitespace + + "*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\(" + whitespace + + "*((?:-\\d)?\\d*)" + whitespace + "*\\)|)(?=[^-]|$)", "i" ) }, rhtml = /HTML$/i, @@ -648,18 +671,21 @@ var i, // CSS escapes // http://www.w3.org/TR/CSS21/syndata.html#escaped-characters - runescape = new RegExp( "\\\\([\\da-f]{1,6}" + whitespace + "?|(" + whitespace + ")|.)", "ig" ), - funescape = function( _, escaped, escapedWhitespace ) { - var high = "0x" + escaped - 0x10000; - // NaN means non-codepoint - // Support: Firefox<24 - // Workaround erroneous numeric interpretation of +"0x" - return high !== high || escapedWhitespace ? - escaped : + runescape = new RegExp( "\\\\[\\da-fA-F]{1,6}" + whitespace + "?|\\\\([^\\r\\n\\f])", "g" ), + funescape = function( escape, nonHex ) { + var high = "0x" + escape.slice( 1 ) - 0x10000; + + return nonHex ? + + // Strip the backslash prefix from a non-hex escape sequence + nonHex : + + // Replace a hexadecimal escape sequence with the encoded Unicode code point + // Support: IE <=11+ + // For values outside the Basic Multilingual Plane (BMP), manually construct a + // surrogate pair high < 0 ? - // BMP codepoint String.fromCharCode( high + 0x10000 ) : - // Supplemental Plane codepoint (surrogate pair) String.fromCharCode( high >> 10 | 0xD800, high & 0x3FF | 0xDC00 ); }, @@ -675,7 +701,8 @@ var i, } // Control characters and (dependent upon position) numbers get escaped as code points - return ch.slice( 0, -1 ) + "\\" + ch.charCodeAt( ch.length - 1 ).toString( 16 ) + " "; + return ch.slice( 0, -1 ) + "\\" + + ch.charCodeAt( ch.length - 1 ).toString( 16 ) + " "; } // Other potentially-special ASCII characters get backslash-escaped @@ -700,18 +727,20 @@ var i, // Optimize for push.apply( _, NodeList ) try { push.apply( - (arr = slice.call( preferredDoc.childNodes )), + ( arr = slice.call( preferredDoc.childNodes ) ), preferredDoc.childNodes ); + // Support: Android<4.0 // Detect silently failing push.apply + // eslint-disable-next-line no-unused-expressions arr[ preferredDoc.childNodes.length ].nodeType; } catch ( e ) { push = { apply: arr.length ? // Leverage slice if possible function( target, els ) { - push_native.apply( target, slice.call(els) ); + pushNative.apply( target, slice.call( els ) ); } : // Support: IE<9 @@ -719,8 +748,9 @@ try { function( target, els ) { var j = target.length, i = 0; + // Can't trust NodeList.length - while ( (target[j++] = els[i++]) ) {} + while ( ( target[ j++ ] = els[ i++ ] ) ) {} target.length = j - 1; } }; @@ -744,24 +774,21 @@ function Sizzle( selector, context, results, seed ) { // Try to shortcut find operations (as opposed to filters) in HTML documents if ( !seed ) { - - if ( ( context ? context.ownerDocument || context : preferredDoc ) !== document ) { - setDocument( context ); - } + setDocument( context ); context = context || document; if ( documentIsHTML ) { // If the selector is sufficiently simple, try using a "get*By*" DOM method // (excepting DocumentFragment context, where the methods don't exist) - if ( nodeType !== 11 && (match = rquickExpr.exec( selector )) ) { + if ( nodeType !== 11 && ( match = rquickExpr.exec( selector ) ) ) { // ID selector - if ( (m = match[1]) ) { + if ( ( m = match[ 1 ] ) ) { // Document context if ( nodeType === 9 ) { - if ( (elem = context.getElementById( m )) ) { + if ( ( elem = context.getElementById( m ) ) ) { // Support: IE, Opera, Webkit // TODO: identify versions @@ -780,7 +807,7 @@ function Sizzle( selector, context, results, seed ) { // Support: IE, Opera, Webkit // TODO: identify versions // getElementById can match elements by name instead of ID - if ( newContext && (elem = newContext.getElementById( m )) && + if ( newContext && ( elem = newContext.getElementById( m ) ) && contains( context, elem ) && elem.id === m ) { @@ -790,12 +817,12 @@ function Sizzle( selector, context, results, seed ) { } // Type selector - } else if ( match[2] ) { + } else if ( match[ 2 ] ) { push.apply( results, context.getElementsByTagName( selector ) ); return results; // Class selector - } else if ( (m = match[3]) && support.getElementsByClassName && + } else if ( ( m = match[ 3 ] ) && support.getElementsByClassName && context.getElementsByClassName ) { push.apply( results, context.getElementsByClassName( m ) ); @@ -806,11 +833,11 @@ function Sizzle( selector, context, results, seed ) { // Take advantage of querySelectorAll if ( support.qsa && !nonnativeSelectorCache[ selector + " " ] && - (!rbuggyQSA || !rbuggyQSA.test( selector )) && + ( !rbuggyQSA || !rbuggyQSA.test( selector ) ) && // Support: IE 8 only // Exclude object elements - (nodeType !== 1 || context.nodeName.toLowerCase() !== "object") ) { + ( nodeType !== 1 || context.nodeName.toLowerCase() !== "object" ) ) { newSelector = selector; newContext = context; @@ -819,27 +846,36 @@ function Sizzle( selector, context, results, seed ) { // descendant combinators, which is not what we want. // In such cases, we work around the behavior by prefixing every selector in the // list with an ID selector referencing the scope context. + // The technique has to be used as well when a leading combinator is used + // as such selectors are not recognized by querySelectorAll. // Thanks to Andrew Dupont for this technique. - if ( nodeType === 1 && rdescend.test( selector ) ) { + if ( nodeType === 1 && + ( rdescend.test( selector ) || rcombinators.test( selector ) ) ) { - // Capture the context ID, setting it first if necessary - if ( (nid = context.getAttribute( "id" )) ) { - nid = nid.replace( rcssescape, fcssescape ); - } else { - context.setAttribute( "id", (nid = expando) ); + // Expand context for sibling selectors + newContext = rsibling.test( selector ) && testContext( context.parentNode ) || + context; + + // We can use :scope instead of the ID hack if the browser + // supports it & if we're not changing the context. + if ( newContext !== context || !support.scope ) { + + // Capture the context ID, setting it first if necessary + if ( ( nid = context.getAttribute( "id" ) ) ) { + nid = nid.replace( rcssescape, fcssescape ); + } else { + context.setAttribute( "id", ( nid = expando ) ); + } } // Prefix every selector in the list groups = tokenize( selector ); i = groups.length; while ( i-- ) { - groups[i] = "#" + nid + " " + toSelector( groups[i] ); + groups[ i ] = ( nid ? "#" + nid : ":scope" ) + " " + + toSelector( groups[ i ] ); } newSelector = groups.join( "," ); - - // Expand context for sibling selectors - newContext = rsibling.test( selector ) && testContext( context.parentNode ) || - context; } try { @@ -872,12 +908,14 @@ function createCache() { var keys = []; function cache( key, value ) { + // Use (key + " ") to avoid collision with native prototype properties (see Issue #157) if ( keys.push( key + " " ) > Expr.cacheLength ) { + // Only keep the most recent entries delete cache[ keys.shift() ]; } - return (cache[ key + " " ] = value); + return ( cache[ key + " " ] = value ); } return cache; } @@ -896,17 +934,19 @@ function markFunction( fn ) { * @param {Function} fn Passed the created element and returns a boolean result */ function assert( fn ) { - var el = document.createElement("fieldset"); + var el = document.createElement( "fieldset" ); try { return !!fn( el ); - } catch (e) { + } catch ( e ) { return false; } finally { + // Remove from its parent by default if ( el.parentNode ) { el.parentNode.removeChild( el ); } + // release memory in IE el = null; } @@ -918,11 +958,11 @@ function assert( fn ) { * @param {Function} handler The method that will be applied */ function addHandle( attrs, handler ) { - var arr = attrs.split("|"), + var arr = attrs.split( "|" ), i = arr.length; while ( i-- ) { - Expr.attrHandle[ arr[i] ] = handler; + Expr.attrHandle[ arr[ i ] ] = handler; } } @@ -944,7 +984,7 @@ function siblingCheck( a, b ) { // Check if b follows a if ( cur ) { - while ( (cur = cur.nextSibling) ) { + while ( ( cur = cur.nextSibling ) ) { if ( cur === b ) { return -1; } @@ -972,7 +1012,7 @@ function createInputPseudo( type ) { function createButtonPseudo( type ) { return function( elem ) { var name = elem.nodeName.toLowerCase(); - return (name === "input" || name === "button") && elem.type === type; + return ( name === "input" || name === "button" ) && elem.type === type; }; } @@ -1015,7 +1055,7 @@ function createDisabledPseudo( disabled ) { // Where there is no isDisabled, check manually /* jshint -W018 */ elem.isDisabled !== !disabled && - inDisabledFieldset( elem ) === disabled; + inDisabledFieldset( elem ) === disabled; } return elem.disabled === disabled; @@ -1037,21 +1077,21 @@ function createDisabledPseudo( disabled ) { * @param {Function} fn */ function createPositionalPseudo( fn ) { - return markFunction(function( argument ) { + return markFunction( function( argument ) { argument = +argument; - return markFunction(function( seed, matches ) { + return markFunction( function( seed, matches ) { var j, matchIndexes = fn( [], seed.length, argument ), i = matchIndexes.length; // Match elements found at the specified indexes while ( i-- ) { - if ( seed[ (j = matchIndexes[i]) ] ) { - seed[j] = !(matches[j] = seed[j]); + if ( seed[ ( j = matchIndexes[ i ] ) ] ) { + seed[ j ] = !( matches[ j ] = seed[ j ] ); } } - }); - }); + } ); + } ); } /** @@ -1072,8 +1112,8 @@ support = Sizzle.support = {}; * @returns {Boolean} True iff elem is a non-HTML XML node */ isXML = Sizzle.isXML = function( elem ) { - var namespace = elem.namespaceURI, - docElem = (elem.ownerDocument || elem).documentElement; + var namespace = elem && elem.namespaceURI, + docElem = elem && ( elem.ownerDocument || elem ).documentElement; // Support: IE <=8 // Assume HTML when documentElement doesn't yet exist, such as inside loading iframes @@ -1091,7 +1131,11 @@ setDocument = Sizzle.setDocument = function( node ) { doc = node ? node.ownerDocument || node : preferredDoc; // Return early if doc is invalid or already selected - if ( doc === document || doc.nodeType !== 9 || !doc.documentElement ) { + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( doc == document || doc.nodeType !== 9 || !doc.documentElement ) { return document; } @@ -1100,10 +1144,14 @@ setDocument = Sizzle.setDocument = function( node ) { docElem = document.documentElement; documentIsHTML = !isXML( document ); - // Support: IE 9-11, Edge + // Support: IE 9 - 11+, Edge 12 - 18+ // Accessing iframe documents after unload throws "permission denied" errors (jQuery #13936) - if ( preferredDoc !== document && - (subWindow = document.defaultView) && subWindow.top !== subWindow ) { + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( preferredDoc != document && + ( subWindow = document.defaultView ) && subWindow.top !== subWindow ) { // Support: IE 11, Edge if ( subWindow.addEventListener ) { @@ -1115,25 +1163,36 @@ setDocument = Sizzle.setDocument = function( node ) { } } + // Support: IE 8 - 11+, Edge 12 - 18+, Chrome <=16 - 25 only, Firefox <=3.6 - 31 only, + // Safari 4 - 5 only, Opera <=11.6 - 12.x only + // IE/Edge & older browsers don't support the :scope pseudo-class. + // Support: Safari 6.0 only + // Safari 6.0 supports :scope but it's an alias of :root there. + support.scope = assert( function( el ) { + docElem.appendChild( el ).appendChild( document.createElement( "div" ) ); + return typeof el.querySelectorAll !== "undefined" && + !el.querySelectorAll( ":scope fieldset div" ).length; + } ); + /* Attributes ---------------------------------------------------------------------- */ // Support: IE<8 // Verify that getAttribute really returns attributes and not properties // (excepting IE8 booleans) - support.attributes = assert(function( el ) { + support.attributes = assert( function( el ) { el.className = "i"; - return !el.getAttribute("className"); - }); + return !el.getAttribute( "className" ); + } ); /* getElement(s)By* ---------------------------------------------------------------------- */ // Check if getElementsByTagName("*") returns only elements - support.getElementsByTagName = assert(function( el ) { - el.appendChild( document.createComment("") ); - return !el.getElementsByTagName("*").length; - }); + support.getElementsByTagName = assert( function( el ) { + el.appendChild( document.createComment( "" ) ); + return !el.getElementsByTagName( "*" ).length; + } ); // Support: IE<9 support.getElementsByClassName = rnative.test( document.getElementsByClassName ); @@ -1142,38 +1201,38 @@ setDocument = Sizzle.setDocument = function( node ) { // Check if getElementById returns elements by name // The broken getElementById methods don't pick up programmatically-set names, // so use a roundabout getElementsByName test - support.getById = assert(function( el ) { + support.getById = assert( function( el ) { docElem.appendChild( el ).id = expando; return !document.getElementsByName || !document.getElementsByName( expando ).length; - }); + } ); // ID filter and find if ( support.getById ) { - Expr.filter["ID"] = function( id ) { + Expr.filter[ "ID" ] = function( id ) { var attrId = id.replace( runescape, funescape ); return function( elem ) { - return elem.getAttribute("id") === attrId; + return elem.getAttribute( "id" ) === attrId; }; }; - Expr.find["ID"] = function( id, context ) { + Expr.find[ "ID" ] = function( id, context ) { if ( typeof context.getElementById !== "undefined" && documentIsHTML ) { var elem = context.getElementById( id ); return elem ? [ elem ] : []; } }; } else { - Expr.filter["ID"] = function( id ) { + Expr.filter[ "ID" ] = function( id ) { var attrId = id.replace( runescape, funescape ); return function( elem ) { var node = typeof elem.getAttributeNode !== "undefined" && - elem.getAttributeNode("id"); + elem.getAttributeNode( "id" ); return node && node.value === attrId; }; }; // Support: IE 6 - 7 only // getElementById is not reliable as a find shortcut - Expr.find["ID"] = function( id, context ) { + Expr.find[ "ID" ] = function( id, context ) { if ( typeof context.getElementById !== "undefined" && documentIsHTML ) { var node, i, elems, elem = context.getElementById( id ); @@ -1181,7 +1240,7 @@ setDocument = Sizzle.setDocument = function( node ) { if ( elem ) { // Verify the id attribute - node = elem.getAttributeNode("id"); + node = elem.getAttributeNode( "id" ); if ( node && node.value === id ) { return [ elem ]; } @@ -1189,8 +1248,8 @@ setDocument = Sizzle.setDocument = function( node ) { // Fall back on getElementsByName elems = context.getElementsByName( id ); i = 0; - while ( (elem = elems[i++]) ) { - node = elem.getAttributeNode("id"); + while ( ( elem = elems[ i++ ] ) ) { + node = elem.getAttributeNode( "id" ); if ( node && node.value === id ) { return [ elem ]; } @@ -1203,7 +1262,7 @@ setDocument = Sizzle.setDocument = function( node ) { } // Tag - Expr.find["TAG"] = support.getElementsByTagName ? + Expr.find[ "TAG" ] = support.getElementsByTagName ? function( tag, context ) { if ( typeof context.getElementsByTagName !== "undefined" ) { return context.getElementsByTagName( tag ); @@ -1218,12 +1277,13 @@ setDocument = Sizzle.setDocument = function( node ) { var elem, tmp = [], i = 0, + // By happy coincidence, a (broken) gEBTN appears on DocumentFragment nodes too results = context.getElementsByTagName( tag ); // Filter out possible comments if ( tag === "*" ) { - while ( (elem = results[i++]) ) { + while ( ( elem = results[ i++ ] ) ) { if ( elem.nodeType === 1 ) { tmp.push( elem ); } @@ -1235,7 +1295,7 @@ setDocument = Sizzle.setDocument = function( node ) { }; // Class - Expr.find["CLASS"] = support.getElementsByClassName && function( className, context ) { + Expr.find[ "CLASS" ] = support.getElementsByClassName && function( className, context ) { if ( typeof context.getElementsByClassName !== "undefined" && documentIsHTML ) { return context.getElementsByClassName( className ); } @@ -1256,10 +1316,14 @@ setDocument = Sizzle.setDocument = function( node ) { // See https://bugs.jquery.com/ticket/13378 rbuggyQSA = []; - if ( (support.qsa = rnative.test( document.querySelectorAll )) ) { + if ( ( support.qsa = rnative.test( document.querySelectorAll ) ) ) { + // Build QSA regex // Regex strategy adopted from Diego Perini - assert(function( el ) { + assert( function( el ) { + + var input; + // Select is set to empty string on purpose // This is to test IE's treatment of not explicitly // setting a boolean content attribute, @@ -1273,78 +1337,98 @@ setDocument = Sizzle.setDocument = function( node ) { // Nothing should be selected when empty strings follow ^= or $= or *= // The test attribute must be unknown in Opera but "safe" for WinRT // https://msdn.microsoft.com/en-us/library/ie/hh465388.aspx#attribute_section - if ( el.querySelectorAll("[msallowcapture^='']").length ) { + if ( el.querySelectorAll( "[msallowcapture^='']" ).length ) { rbuggyQSA.push( "[*^$]=" + whitespace + "*(?:''|\"\")" ); } // Support: IE8 // Boolean attributes and "value" are not treated correctly - if ( !el.querySelectorAll("[selected]").length ) { + if ( !el.querySelectorAll( "[selected]" ).length ) { rbuggyQSA.push( "\\[" + whitespace + "*(?:value|" + booleans + ")" ); } // Support: Chrome<29, Android<4.4, Safari<7.0+, iOS<7.0+, PhantomJS<1.9.8+ if ( !el.querySelectorAll( "[id~=" + expando + "-]" ).length ) { - rbuggyQSA.push("~="); + rbuggyQSA.push( "~=" ); + } + + // Support: IE 11+, Edge 15 - 18+ + // IE 11/Edge don't find elements on a `[name='']` query in some cases. + // Adding a temporary attribute to the document before the selection works + // around the issue. + // Interestingly, IE 10 & older don't seem to have the issue. + input = document.createElement( "input" ); + input.setAttribute( "name", "" ); + el.appendChild( input ); + if ( !el.querySelectorAll( "[name='']" ).length ) { + rbuggyQSA.push( "\\[" + whitespace + "*name" + whitespace + "*=" + + whitespace + "*(?:''|\"\")" ); } // Webkit/Opera - :checked should return selected option elements // http://www.w3.org/TR/2011/REC-css3-selectors-20110929/#checked // IE8 throws error here and will not see later tests - if ( !el.querySelectorAll(":checked").length ) { - rbuggyQSA.push(":checked"); + if ( !el.querySelectorAll( ":checked" ).length ) { + rbuggyQSA.push( ":checked" ); } // Support: Safari 8+, iOS 8+ // https://bugs.webkit.org/show_bug.cgi?id=136851 // In-page `selector#id sibling-combinator selector` fails if ( !el.querySelectorAll( "a#" + expando + "+*" ).length ) { - rbuggyQSA.push(".#.+[+~]"); + rbuggyQSA.push( ".#.+[+~]" ); } - }); - assert(function( el ) { + // Support: Firefox <=3.6 - 5 only + // Old Firefox doesn't throw on a badly-escaped identifier. + el.querySelectorAll( "\\\f" ); + rbuggyQSA.push( "[\\r\\n\\f]" ); + } ); + + assert( function( el ) { el.innerHTML = "" + ""; // Support: Windows 8 Native Apps // The type and name attributes are restricted during .innerHTML assignment - var input = document.createElement("input"); + var input = document.createElement( "input" ); input.setAttribute( "type", "hidden" ); el.appendChild( input ).setAttribute( "name", "D" ); // Support: IE8 // Enforce case-sensitivity of name attribute - if ( el.querySelectorAll("[name=d]").length ) { + if ( el.querySelectorAll( "[name=d]" ).length ) { rbuggyQSA.push( "name" + whitespace + "*[*^$|!~]?=" ); } // FF 3.5 - :enabled/:disabled and hidden elements (hidden elements are still enabled) // IE8 throws error here and will not see later tests - if ( el.querySelectorAll(":enabled").length !== 2 ) { + if ( el.querySelectorAll( ":enabled" ).length !== 2 ) { rbuggyQSA.push( ":enabled", ":disabled" ); } // Support: IE9-11+ // IE's :disabled selector does not pick up the children of disabled fieldsets docElem.appendChild( el ).disabled = true; - if ( el.querySelectorAll(":disabled").length !== 2 ) { + if ( el.querySelectorAll( ":disabled" ).length !== 2 ) { rbuggyQSA.push( ":enabled", ":disabled" ); } + // Support: Opera 10 - 11 only // Opera 10-11 does not throw on post-comma invalid pseudos - el.querySelectorAll("*,:x"); - rbuggyQSA.push(",.*:"); - }); + el.querySelectorAll( "*,:x" ); + rbuggyQSA.push( ",.*:" ); + } ); } - if ( (support.matchesSelector = rnative.test( (matches = docElem.matches || + if ( ( support.matchesSelector = rnative.test( ( matches = docElem.matches || docElem.webkitMatchesSelector || docElem.mozMatchesSelector || docElem.oMatchesSelector || - docElem.msMatchesSelector) )) ) { + docElem.msMatchesSelector ) ) ) ) { + + assert( function( el ) { - assert(function( el ) { // Check to see if it's possible to do matchesSelector // on a disconnected node (IE 9) support.disconnectedMatch = matches.call( el, "*" ); @@ -1353,11 +1437,11 @@ setDocument = Sizzle.setDocument = function( node ) { // Gecko does not error, returns false instead matches.call( el, "[s!='']:x" ); rbuggyMatches.push( "!=", pseudos ); - }); + } ); } - rbuggyQSA = rbuggyQSA.length && new RegExp( rbuggyQSA.join("|") ); - rbuggyMatches = rbuggyMatches.length && new RegExp( rbuggyMatches.join("|") ); + rbuggyQSA = rbuggyQSA.length && new RegExp( rbuggyQSA.join( "|" ) ); + rbuggyMatches = rbuggyMatches.length && new RegExp( rbuggyMatches.join( "|" ) ); /* Contains ---------------------------------------------------------------------- */ @@ -1374,11 +1458,11 @@ setDocument = Sizzle.setDocument = function( node ) { adown.contains ? adown.contains( bup ) : a.compareDocumentPosition && a.compareDocumentPosition( bup ) & 16 - )); + ) ); } : function( a, b ) { if ( b ) { - while ( (b = b.parentNode) ) { + while ( ( b = b.parentNode ) ) { if ( b === a ) { return true; } @@ -1407,7 +1491,11 @@ setDocument = Sizzle.setDocument = function( node ) { } // Calculate position if both inputs belong to the same document - compare = ( a.ownerDocument || a ) === ( b.ownerDocument || b ) ? + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + compare = ( a.ownerDocument || a ) == ( b.ownerDocument || b ) ? a.compareDocumentPosition( b ) : // Otherwise we know they are disconnected @@ -1415,13 +1503,24 @@ setDocument = Sizzle.setDocument = function( node ) { // Disconnected nodes if ( compare & 1 || - (!support.sortDetached && b.compareDocumentPosition( a ) === compare) ) { + ( !support.sortDetached && b.compareDocumentPosition( a ) === compare ) ) { // Choose the first element that is related to our preferred document - if ( a === document || a.ownerDocument === preferredDoc && contains(preferredDoc, a) ) { + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( a == document || a.ownerDocument == preferredDoc && + contains( preferredDoc, a ) ) { return -1; } - if ( b === document || b.ownerDocument === preferredDoc && contains(preferredDoc, b) ) { + + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( b == document || b.ownerDocument == preferredDoc && + contains( preferredDoc, b ) ) { return 1; } @@ -1434,6 +1533,7 @@ setDocument = Sizzle.setDocument = function( node ) { return compare & 4 ? -1 : 1; } : function( a, b ) { + // Exit early if the nodes are identical if ( a === b ) { hasDuplicate = true; @@ -1449,8 +1549,14 @@ setDocument = Sizzle.setDocument = function( node ) { // Parentless nodes are either documents or disconnected if ( !aup || !bup ) { - return a === document ? -1 : - b === document ? 1 : + + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + /* eslint-disable eqeqeq */ + return a == document ? -1 : + b == document ? 1 : + /* eslint-enable eqeqeq */ aup ? -1 : bup ? 1 : sortInput ? @@ -1464,26 +1570,32 @@ setDocument = Sizzle.setDocument = function( node ) { // Otherwise we need full lists of their ancestors for comparison cur = a; - while ( (cur = cur.parentNode) ) { + while ( ( cur = cur.parentNode ) ) { ap.unshift( cur ); } cur = b; - while ( (cur = cur.parentNode) ) { + while ( ( cur = cur.parentNode ) ) { bp.unshift( cur ); } // Walk down the tree looking for a discrepancy - while ( ap[i] === bp[i] ) { + while ( ap[ i ] === bp[ i ] ) { i++; } return i ? + // Do a sibling check if the nodes have a common ancestor - siblingCheck( ap[i], bp[i] ) : + siblingCheck( ap[ i ], bp[ i ] ) : // Otherwise nodes in our document sort first - ap[i] === preferredDoc ? -1 : - bp[i] === preferredDoc ? 1 : + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + /* eslint-disable eqeqeq */ + ap[ i ] == preferredDoc ? -1 : + bp[ i ] == preferredDoc ? 1 : + /* eslint-enable eqeqeq */ 0; }; @@ -1495,10 +1607,7 @@ Sizzle.matches = function( expr, elements ) { }; Sizzle.matchesSelector = function( elem, expr ) { - // Set document vars if needed - if ( ( elem.ownerDocument || elem ) !== document ) { - setDocument( elem ); - } + setDocument( elem ); if ( support.matchesSelector && documentIsHTML && !nonnativeSelectorCache[ expr + " " ] && @@ -1510,12 +1619,13 @@ Sizzle.matchesSelector = function( elem, expr ) { // IE 9's matchesSelector returns false on disconnected nodes if ( ret || support.disconnectedMatch || - // As well, disconnected nodes are said to be in a document - // fragment in IE 9 - elem.document && elem.document.nodeType !== 11 ) { + + // As well, disconnected nodes are said to be in a document + // fragment in IE 9 + elem.document && elem.document.nodeType !== 11 ) { return ret; } - } catch (e) { + } catch ( e ) { nonnativeSelectorCache( expr, true ); } } @@ -1524,20 +1634,31 @@ Sizzle.matchesSelector = function( elem, expr ) { }; Sizzle.contains = function( context, elem ) { + // Set document vars if needed - if ( ( context.ownerDocument || context ) !== document ) { + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( ( context.ownerDocument || context ) != document ) { setDocument( context ); } return contains( context, elem ); }; Sizzle.attr = function( elem, name ) { + // Set document vars if needed - if ( ( elem.ownerDocument || elem ) !== document ) { + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( ( elem.ownerDocument || elem ) != document ) { setDocument( elem ); } var fn = Expr.attrHandle[ name.toLowerCase() ], + // Don't get fooled by Object.prototype properties (jQuery #13807) val = fn && hasOwn.call( Expr.attrHandle, name.toLowerCase() ) ? fn( elem, name, !documentIsHTML ) : @@ -1547,13 +1668,13 @@ Sizzle.attr = function( elem, name ) { val : support.attributes || !documentIsHTML ? elem.getAttribute( name ) : - (val = elem.getAttributeNode(name)) && val.specified ? + ( val = elem.getAttributeNode( name ) ) && val.specified ? val.value : null; }; Sizzle.escape = function( sel ) { - return (sel + "").replace( rcssescape, fcssescape ); + return ( sel + "" ).replace( rcssescape, fcssescape ); }; Sizzle.error = function( msg ) { @@ -1576,7 +1697,7 @@ Sizzle.uniqueSort = function( results ) { results.sort( sortOrder ); if ( hasDuplicate ) { - while ( (elem = results[i++]) ) { + while ( ( elem = results[ i++ ] ) ) { if ( elem === results[ i ] ) { j = duplicates.push( i ); } @@ -1604,17 +1725,21 @@ getText = Sizzle.getText = function( elem ) { nodeType = elem.nodeType; if ( !nodeType ) { + // If no nodeType, this is expected to be an array - while ( (node = elem[i++]) ) { + while ( ( node = elem[ i++ ] ) ) { + // Do not traverse comment nodes ret += getText( node ); } } else if ( nodeType === 1 || nodeType === 9 || nodeType === 11 ) { + // Use textContent for elements // innerText usage removed for consistency of new lines (jQuery #11153) if ( typeof elem.textContent === "string" ) { return elem.textContent; } else { + // Traverse its children for ( elem = elem.firstChild; elem; elem = elem.nextSibling ) { ret += getText( elem ); @@ -1623,6 +1748,7 @@ getText = Sizzle.getText = function( elem ) { } else if ( nodeType === 3 || nodeType === 4 ) { return elem.nodeValue; } + // Do not include comment or processing instruction nodes return ret; @@ -1650,19 +1776,21 @@ Expr = Sizzle.selectors = { preFilter: { "ATTR": function( match ) { - match[1] = match[1].replace( runescape, funescape ); + match[ 1 ] = match[ 1 ].replace( runescape, funescape ); // Move the given value to match[3] whether quoted or unquoted - match[3] = ( match[3] || match[4] || match[5] || "" ).replace( runescape, funescape ); + match[ 3 ] = ( match[ 3 ] || match[ 4 ] || + match[ 5 ] || "" ).replace( runescape, funescape ); - if ( match[2] === "~=" ) { - match[3] = " " + match[3] + " "; + if ( match[ 2 ] === "~=" ) { + match[ 3 ] = " " + match[ 3 ] + " "; } return match.slice( 0, 4 ); }, "CHILD": function( match ) { + /* matches from matchExpr["CHILD"] 1 type (only|nth|...) 2 what (child|of-type) @@ -1673,22 +1801,25 @@ Expr = Sizzle.selectors = { 7 sign of y-component 8 y of y-component */ - match[1] = match[1].toLowerCase(); + match[ 1 ] = match[ 1 ].toLowerCase(); + + if ( match[ 1 ].slice( 0, 3 ) === "nth" ) { - if ( match[1].slice( 0, 3 ) === "nth" ) { // nth-* requires argument - if ( !match[3] ) { - Sizzle.error( match[0] ); + if ( !match[ 3 ] ) { + Sizzle.error( match[ 0 ] ); } // numeric x and y parameters for Expr.filter.CHILD // remember that false/true cast respectively to 0/1 - match[4] = +( match[4] ? match[5] + (match[6] || 1) : 2 * ( match[3] === "even" || match[3] === "odd" ) ); - match[5] = +( ( match[7] + match[8] ) || match[3] === "odd" ); + match[ 4 ] = +( match[ 4 ] ? + match[ 5 ] + ( match[ 6 ] || 1 ) : + 2 * ( match[ 3 ] === "even" || match[ 3 ] === "odd" ) ); + match[ 5 ] = +( ( match[ 7 ] + match[ 8 ] ) || match[ 3 ] === "odd" ); - // other types prohibit arguments - } else if ( match[3] ) { - Sizzle.error( match[0] ); + // other types prohibit arguments + } else if ( match[ 3 ] ) { + Sizzle.error( match[ 0 ] ); } return match; @@ -1696,26 +1827,28 @@ Expr = Sizzle.selectors = { "PSEUDO": function( match ) { var excess, - unquoted = !match[6] && match[2]; + unquoted = !match[ 6 ] && match[ 2 ]; - if ( matchExpr["CHILD"].test( match[0] ) ) { + if ( matchExpr[ "CHILD" ].test( match[ 0 ] ) ) { return null; } // Accept quoted arguments as-is - if ( match[3] ) { - match[2] = match[4] || match[5] || ""; + if ( match[ 3 ] ) { + match[ 2 ] = match[ 4 ] || match[ 5 ] || ""; // Strip excess characters from unquoted arguments } else if ( unquoted && rpseudo.test( unquoted ) && + // Get excess from tokenize (recursively) - (excess = tokenize( unquoted, true )) && + ( excess = tokenize( unquoted, true ) ) && + // advance to the next closing parenthesis - (excess = unquoted.indexOf( ")", unquoted.length - excess ) - unquoted.length) ) { + ( excess = unquoted.indexOf( ")", unquoted.length - excess ) - unquoted.length ) ) { // excess is a negative index - match[0] = match[0].slice( 0, excess ); - match[2] = unquoted.slice( 0, excess ); + match[ 0 ] = match[ 0 ].slice( 0, excess ); + match[ 2 ] = unquoted.slice( 0, excess ); } // Return only captures needed by the pseudo filter method (type and argument) @@ -1728,7 +1861,9 @@ Expr = Sizzle.selectors = { "TAG": function( nodeNameSelector ) { var nodeName = nodeNameSelector.replace( runescape, funescape ).toLowerCase(); return nodeNameSelector === "*" ? - function() { return true; } : + function() { + return true; + } : function( elem ) { return elem.nodeName && elem.nodeName.toLowerCase() === nodeName; }; @@ -1738,10 +1873,16 @@ Expr = Sizzle.selectors = { var pattern = classCache[ className + " " ]; return pattern || - (pattern = new RegExp( "(^|" + whitespace + ")" + className + "(" + whitespace + "|$)" )) && - classCache( className, function( elem ) { - return pattern.test( typeof elem.className === "string" && elem.className || typeof elem.getAttribute !== "undefined" && elem.getAttribute("class") || "" ); - }); + ( pattern = new RegExp( "(^|" + whitespace + + ")" + className + "(" + whitespace + "|$)" ) ) && classCache( + className, function( elem ) { + return pattern.test( + typeof elem.className === "string" && elem.className || + typeof elem.getAttribute !== "undefined" && + elem.getAttribute( "class" ) || + "" + ); + } ); }, "ATTR": function( name, operator, check ) { @@ -1757,6 +1898,8 @@ Expr = Sizzle.selectors = { result += ""; + /* eslint-disable max-len */ + return operator === "=" ? result === check : operator === "!=" ? result !== check : operator === "^=" ? check && result.indexOf( check ) === 0 : @@ -1765,10 +1908,12 @@ Expr = Sizzle.selectors = { operator === "~=" ? ( " " + result.replace( rwhitespace, " " ) + " " ).indexOf( check ) > -1 : operator === "|=" ? result === check || result.slice( 0, check.length + 1 ) === check + "-" : false; + /* eslint-enable max-len */ + }; }, - "CHILD": function( type, what, argument, first, last ) { + "CHILD": function( type, what, _argument, first, last ) { var simple = type.slice( 0, 3 ) !== "nth", forward = type.slice( -4 ) !== "last", ofType = what === "of-type"; @@ -1780,7 +1925,7 @@ Expr = Sizzle.selectors = { return !!elem.parentNode; } : - function( elem, context, xml ) { + function( elem, _context, xml ) { var cache, uniqueCache, outerCache, node, nodeIndex, start, dir = simple !== forward ? "nextSibling" : "previousSibling", parent = elem.parentNode, @@ -1794,7 +1939,7 @@ Expr = Sizzle.selectors = { if ( simple ) { while ( dir ) { node = elem; - while ( (node = node[ dir ]) ) { + while ( ( node = node[ dir ] ) ) { if ( ofType ? node.nodeName.toLowerCase() === name : node.nodeType === 1 ) { @@ -1802,6 +1947,7 @@ Expr = Sizzle.selectors = { return false; } } + // Reverse direction for :only-* (if we haven't yet done so) start = dir = type === "only" && !start && "nextSibling"; } @@ -1817,22 +1963,22 @@ Expr = Sizzle.selectors = { // ...in a gzip-friendly way node = parent; - outerCache = node[ expando ] || (node[ expando ] = {}); + outerCache = node[ expando ] || ( node[ expando ] = {} ); // Support: IE <9 only // Defend against cloned attroperties (jQuery gh-1709) uniqueCache = outerCache[ node.uniqueID ] || - (outerCache[ node.uniqueID ] = {}); + ( outerCache[ node.uniqueID ] = {} ); cache = uniqueCache[ type ] || []; nodeIndex = cache[ 0 ] === dirruns && cache[ 1 ]; diff = nodeIndex && cache[ 2 ]; node = nodeIndex && parent.childNodes[ nodeIndex ]; - while ( (node = ++nodeIndex && node && node[ dir ] || + while ( ( node = ++nodeIndex && node && node[ dir ] || // Fallback to seeking `elem` from the start - (diff = nodeIndex = 0) || start.pop()) ) { + ( diff = nodeIndex = 0 ) || start.pop() ) ) { // When found, cache indexes on `parent` and break if ( node.nodeType === 1 && ++diff && node === elem ) { @@ -1842,16 +1988,18 @@ Expr = Sizzle.selectors = { } } else { + // Use previously-cached element index if available if ( useCache ) { + // ...in a gzip-friendly way node = elem; - outerCache = node[ expando ] || (node[ expando ] = {}); + outerCache = node[ expando ] || ( node[ expando ] = {} ); // Support: IE <9 only // Defend against cloned attroperties (jQuery gh-1709) uniqueCache = outerCache[ node.uniqueID ] || - (outerCache[ node.uniqueID ] = {}); + ( outerCache[ node.uniqueID ] = {} ); cache = uniqueCache[ type ] || []; nodeIndex = cache[ 0 ] === dirruns && cache[ 1 ]; @@ -1861,9 +2009,10 @@ Expr = Sizzle.selectors = { // xml :nth-child(...) // or :nth-last-child(...) or :nth(-last)?-of-type(...) if ( diff === false ) { + // Use the same loop as above to seek `elem` from the start - while ( (node = ++nodeIndex && node && node[ dir ] || - (diff = nodeIndex = 0) || start.pop()) ) { + while ( ( node = ++nodeIndex && node && node[ dir ] || + ( diff = nodeIndex = 0 ) || start.pop() ) ) { if ( ( ofType ? node.nodeName.toLowerCase() === name : @@ -1872,12 +2021,13 @@ Expr = Sizzle.selectors = { // Cache the index of each encountered element if ( useCache ) { - outerCache = node[ expando ] || (node[ expando ] = {}); + outerCache = node[ expando ] || + ( node[ expando ] = {} ); // Support: IE <9 only // Defend against cloned attroperties (jQuery gh-1709) uniqueCache = outerCache[ node.uniqueID ] || - (outerCache[ node.uniqueID ] = {}); + ( outerCache[ node.uniqueID ] = {} ); uniqueCache[ type ] = [ dirruns, diff ]; } @@ -1898,6 +2048,7 @@ Expr = Sizzle.selectors = { }, "PSEUDO": function( pseudo, argument ) { + // pseudo-class names are case-insensitive // http://www.w3.org/TR/selectors/#pseudo-classes // Prioritize by case sensitivity in case custom pseudos are added with uppercase letters @@ -1917,15 +2068,15 @@ Expr = Sizzle.selectors = { if ( fn.length > 1 ) { args = [ pseudo, pseudo, "", argument ]; return Expr.setFilters.hasOwnProperty( pseudo.toLowerCase() ) ? - markFunction(function( seed, matches ) { + markFunction( function( seed, matches ) { var idx, matched = fn( seed, argument ), i = matched.length; while ( i-- ) { - idx = indexOf( seed, matched[i] ); - seed[ idx ] = !( matches[ idx ] = matched[i] ); + idx = indexOf( seed, matched[ i ] ); + seed[ idx ] = !( matches[ idx ] = matched[ i ] ); } - }) : + } ) : function( elem ) { return fn( elem, 0, args ); }; @@ -1936,8 +2087,10 @@ Expr = Sizzle.selectors = { }, pseudos: { + // Potentially complex pseudos - "not": markFunction(function( selector ) { + "not": markFunction( function( selector ) { + // Trim the selector passed to compile // to avoid treating leading and trailing // spaces as combinators @@ -1946,39 +2099,40 @@ Expr = Sizzle.selectors = { matcher = compile( selector.replace( rtrim, "$1" ) ); return matcher[ expando ] ? - markFunction(function( seed, matches, context, xml ) { + markFunction( function( seed, matches, _context, xml ) { var elem, unmatched = matcher( seed, null, xml, [] ), i = seed.length; // Match elements unmatched by `matcher` while ( i-- ) { - if ( (elem = unmatched[i]) ) { - seed[i] = !(matches[i] = elem); + if ( ( elem = unmatched[ i ] ) ) { + seed[ i ] = !( matches[ i ] = elem ); } } - }) : - function( elem, context, xml ) { - input[0] = elem; + } ) : + function( elem, _context, xml ) { + input[ 0 ] = elem; matcher( input, null, xml, results ); + // Don't keep the element (issue #299) - input[0] = null; + input[ 0 ] = null; return !results.pop(); }; - }), + } ), - "has": markFunction(function( selector ) { + "has": markFunction( function( selector ) { return function( elem ) { return Sizzle( selector, elem ).length > 0; }; - }), + } ), - "contains": markFunction(function( text ) { + "contains": markFunction( function( text ) { text = text.replace( runescape, funescape ); return function( elem ) { return ( elem.textContent || getText( elem ) ).indexOf( text ) > -1; }; - }), + } ), // "Whether an element is represented by a :lang() selector // is based solely on the element's language value @@ -1988,25 +2142,26 @@ Expr = Sizzle.selectors = { // The identifier C does not have to be a valid language name." // http://www.w3.org/TR/selectors/#lang-pseudo "lang": markFunction( function( lang ) { + // lang value must be a valid identifier - if ( !ridentifier.test(lang || "") ) { + if ( !ridentifier.test( lang || "" ) ) { Sizzle.error( "unsupported lang: " + lang ); } lang = lang.replace( runescape, funescape ).toLowerCase(); return function( elem ) { var elemLang; do { - if ( (elemLang = documentIsHTML ? + if ( ( elemLang = documentIsHTML ? elem.lang : - elem.getAttribute("xml:lang") || elem.getAttribute("lang")) ) { + elem.getAttribute( "xml:lang" ) || elem.getAttribute( "lang" ) ) ) { elemLang = elemLang.toLowerCase(); return elemLang === lang || elemLang.indexOf( lang + "-" ) === 0; } - } while ( (elem = elem.parentNode) && elem.nodeType === 1 ); + } while ( ( elem = elem.parentNode ) && elem.nodeType === 1 ); return false; }; - }), + } ), // Miscellaneous "target": function( elem ) { @@ -2019,7 +2174,9 @@ Expr = Sizzle.selectors = { }, "focus": function( elem ) { - return elem === document.activeElement && (!document.hasFocus || document.hasFocus()) && !!(elem.type || elem.href || ~elem.tabIndex); + return elem === document.activeElement && + ( !document.hasFocus || document.hasFocus() ) && + !!( elem.type || elem.href || ~elem.tabIndex ); }, // Boolean properties @@ -2027,16 +2184,20 @@ Expr = Sizzle.selectors = { "disabled": createDisabledPseudo( true ), "checked": function( elem ) { + // In CSS3, :checked should return both checked and selected elements // http://www.w3.org/TR/2011/REC-css3-selectors-20110929/#checked var nodeName = elem.nodeName.toLowerCase(); - return (nodeName === "input" && !!elem.checked) || (nodeName === "option" && !!elem.selected); + return ( nodeName === "input" && !!elem.checked ) || + ( nodeName === "option" && !!elem.selected ); }, "selected": function( elem ) { + // Accessing this property makes selected-by-default // options in Safari work properly if ( elem.parentNode ) { + // eslint-disable-next-line no-unused-expressions elem.parentNode.selectedIndex; } @@ -2045,6 +2206,7 @@ Expr = Sizzle.selectors = { // Contents "empty": function( elem ) { + // http://www.w3.org/TR/selectors/#empty-pseudo // :empty is negated by element (1) or content nodes (text: 3; cdata: 4; entity ref: 5), // but not by others (comment: 8; processing instruction: 7; etc.) @@ -2058,7 +2220,7 @@ Expr = Sizzle.selectors = { }, "parent": function( elem ) { - return !Expr.pseudos["empty"]( elem ); + return !Expr.pseudos[ "empty" ]( elem ); }, // Element/input types @@ -2082,39 +2244,40 @@ Expr = Sizzle.selectors = { // Support: IE<8 // New HTML5 attribute values (e.g., "search") appear with elem.type === "text" - ( (attr = elem.getAttribute("type")) == null || attr.toLowerCase() === "text" ); + ( ( attr = elem.getAttribute( "type" ) ) == null || + attr.toLowerCase() === "text" ); }, // Position-in-collection - "first": createPositionalPseudo(function() { + "first": createPositionalPseudo( function() { return [ 0 ]; - }), + } ), - "last": createPositionalPseudo(function( matchIndexes, length ) { + "last": createPositionalPseudo( function( _matchIndexes, length ) { return [ length - 1 ]; - }), + } ), - "eq": createPositionalPseudo(function( matchIndexes, length, argument ) { + "eq": createPositionalPseudo( function( _matchIndexes, length, argument ) { return [ argument < 0 ? argument + length : argument ]; - }), + } ), - "even": createPositionalPseudo(function( matchIndexes, length ) { + "even": createPositionalPseudo( function( matchIndexes, length ) { var i = 0; for ( ; i < length; i += 2 ) { matchIndexes.push( i ); } return matchIndexes; - }), + } ), - "odd": createPositionalPseudo(function( matchIndexes, length ) { + "odd": createPositionalPseudo( function( matchIndexes, length ) { var i = 1; for ( ; i < length; i += 2 ) { matchIndexes.push( i ); } return matchIndexes; - }), + } ), - "lt": createPositionalPseudo(function( matchIndexes, length, argument ) { + "lt": createPositionalPseudo( function( matchIndexes, length, argument ) { var i = argument < 0 ? argument + length : argument > length ? @@ -2124,19 +2287,19 @@ Expr = Sizzle.selectors = { matchIndexes.push( i ); } return matchIndexes; - }), + } ), - "gt": createPositionalPseudo(function( matchIndexes, length, argument ) { + "gt": createPositionalPseudo( function( matchIndexes, length, argument ) { var i = argument < 0 ? argument + length : argument; for ( ; ++i < length; ) { matchIndexes.push( i ); } return matchIndexes; - }) + } ) } }; -Expr.pseudos["nth"] = Expr.pseudos["eq"]; +Expr.pseudos[ "nth" ] = Expr.pseudos[ "eq" ]; // Add button/input type pseudos for ( i in { radio: true, checkbox: true, file: true, password: true, image: true } ) { @@ -2167,37 +2330,39 @@ tokenize = Sizzle.tokenize = function( selector, parseOnly ) { while ( soFar ) { // Comma and first run - if ( !matched || (match = rcomma.exec( soFar )) ) { + if ( !matched || ( match = rcomma.exec( soFar ) ) ) { if ( match ) { + // Don't consume trailing commas as valid - soFar = soFar.slice( match[0].length ) || soFar; + soFar = soFar.slice( match[ 0 ].length ) || soFar; } - groups.push( (tokens = []) ); + groups.push( ( tokens = [] ) ); } matched = false; // Combinators - if ( (match = rcombinators.exec( soFar )) ) { + if ( ( match = rcombinators.exec( soFar ) ) ) { matched = match.shift(); - tokens.push({ + tokens.push( { value: matched, + // Cast descendant combinators to space - type: match[0].replace( rtrim, " " ) - }); + type: match[ 0 ].replace( rtrim, " " ) + } ); soFar = soFar.slice( matched.length ); } // Filters for ( type in Expr.filter ) { - if ( (match = matchExpr[ type ].exec( soFar )) && (!preFilters[ type ] || - (match = preFilters[ type ]( match ))) ) { + if ( ( match = matchExpr[ type ].exec( soFar ) ) && ( !preFilters[ type ] || + ( match = preFilters[ type ]( match ) ) ) ) { matched = match.shift(); - tokens.push({ + tokens.push( { value: matched, type: type, matches: match - }); + } ); soFar = soFar.slice( matched.length ); } } @@ -2214,6 +2379,7 @@ tokenize = Sizzle.tokenize = function( selector, parseOnly ) { soFar.length : soFar ? Sizzle.error( selector ) : + // Cache the tokens tokenCache( selector, groups ).slice( 0 ); }; @@ -2223,7 +2389,7 @@ function toSelector( tokens ) { len = tokens.length, selector = ""; for ( ; i < len; i++ ) { - selector += tokens[i].value; + selector += tokens[ i ].value; } return selector; } @@ -2236,9 +2402,10 @@ function addCombinator( matcher, combinator, base ) { doneName = done++; return combinator.first ? + // Check against closest ancestor/preceding element function( elem, context, xml ) { - while ( (elem = elem[ dir ]) ) { + while ( ( elem = elem[ dir ] ) ) { if ( elem.nodeType === 1 || checkNonElements ) { return matcher( elem, context, xml ); } @@ -2253,7 +2420,7 @@ function addCombinator( matcher, combinator, base ) { // We can't set arbitrary data on XML nodes, so they don't benefit from combinator caching if ( xml ) { - while ( (elem = elem[ dir ]) ) { + while ( ( elem = elem[ dir ] ) ) { if ( elem.nodeType === 1 || checkNonElements ) { if ( matcher( elem, context, xml ) ) { return true; @@ -2261,27 +2428,29 @@ function addCombinator( matcher, combinator, base ) { } } } else { - while ( (elem = elem[ dir ]) ) { + while ( ( elem = elem[ dir ] ) ) { if ( elem.nodeType === 1 || checkNonElements ) { - outerCache = elem[ expando ] || (elem[ expando ] = {}); + outerCache = elem[ expando ] || ( elem[ expando ] = {} ); // Support: IE <9 only // Defend against cloned attroperties (jQuery gh-1709) - uniqueCache = outerCache[ elem.uniqueID ] || (outerCache[ elem.uniqueID ] = {}); + uniqueCache = outerCache[ elem.uniqueID ] || + ( outerCache[ elem.uniqueID ] = {} ); if ( skip && skip === elem.nodeName.toLowerCase() ) { elem = elem[ dir ] || elem; - } else if ( (oldCache = uniqueCache[ key ]) && + } else if ( ( oldCache = uniqueCache[ key ] ) && oldCache[ 0 ] === dirruns && oldCache[ 1 ] === doneName ) { // Assign to newCache so results back-propagate to previous elements - return (newCache[ 2 ] = oldCache[ 2 ]); + return ( newCache[ 2 ] = oldCache[ 2 ] ); } else { + // Reuse newcache so results back-propagate to previous elements uniqueCache[ key ] = newCache; // A match means we're done; a fail means we have to keep checking - if ( (newCache[ 2 ] = matcher( elem, context, xml )) ) { + if ( ( newCache[ 2 ] = matcher( elem, context, xml ) ) ) { return true; } } @@ -2297,20 +2466,20 @@ function elementMatcher( matchers ) { function( elem, context, xml ) { var i = matchers.length; while ( i-- ) { - if ( !matchers[i]( elem, context, xml ) ) { + if ( !matchers[ i ]( elem, context, xml ) ) { return false; } } return true; } : - matchers[0]; + matchers[ 0 ]; } function multipleContexts( selector, contexts, results ) { var i = 0, len = contexts.length; for ( ; i < len; i++ ) { - Sizzle( selector, contexts[i], results ); + Sizzle( selector, contexts[ i ], results ); } return results; } @@ -2323,7 +2492,7 @@ function condense( unmatched, map, filter, context, xml ) { mapped = map != null; for ( ; i < len; i++ ) { - if ( (elem = unmatched[i]) ) { + if ( ( elem = unmatched[ i ] ) ) { if ( !filter || filter( elem, context, xml ) ) { newUnmatched.push( elem ); if ( mapped ) { @@ -2343,14 +2512,18 @@ function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postS if ( postFinder && !postFinder[ expando ] ) { postFinder = setMatcher( postFinder, postSelector ); } - return markFunction(function( seed, results, context, xml ) { + return markFunction( function( seed, results, context, xml ) { var temp, i, elem, preMap = [], postMap = [], preexisting = results.length, // Get initial elements from seed or context - elems = seed || multipleContexts( selector || "*", context.nodeType ? [ context ] : context, [] ), + elems = seed || multipleContexts( + selector || "*", + context.nodeType ? [ context ] : context, + [] + ), // Prefilter to get matcher input, preserving a map for seed-results synchronization matcherIn = preFilter && ( seed || !selector ) ? @@ -2358,6 +2531,7 @@ function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postS elems, matcherOut = matcher ? + // If we have a postFinder, or filtered seed, or non-seed postFilter or preexisting results, postFinder || ( seed ? preFilter : preexisting || postFilter ) ? @@ -2381,8 +2555,8 @@ function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postS // Un-match failing elements by moving them back to matcherIn i = temp.length; while ( i-- ) { - if ( (elem = temp[i]) ) { - matcherOut[ postMap[i] ] = !(matcherIn[ postMap[i] ] = elem); + if ( ( elem = temp[ i ] ) ) { + matcherOut[ postMap[ i ] ] = !( matcherIn[ postMap[ i ] ] = elem ); } } } @@ -2390,25 +2564,27 @@ function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postS if ( seed ) { if ( postFinder || preFilter ) { if ( postFinder ) { + // Get the final matcherOut by condensing this intermediate into postFinder contexts temp = []; i = matcherOut.length; while ( i-- ) { - if ( (elem = matcherOut[i]) ) { + if ( ( elem = matcherOut[ i ] ) ) { + // Restore matcherIn since elem is not yet a final match - temp.push( (matcherIn[i] = elem) ); + temp.push( ( matcherIn[ i ] = elem ) ); } } - postFinder( null, (matcherOut = []), temp, xml ); + postFinder( null, ( matcherOut = [] ), temp, xml ); } // Move matched elements from seed to results to keep them synchronized i = matcherOut.length; while ( i-- ) { - if ( (elem = matcherOut[i]) && - (temp = postFinder ? indexOf( seed, elem ) : preMap[i]) > -1 ) { + if ( ( elem = matcherOut[ i ] ) && + ( temp = postFinder ? indexOf( seed, elem ) : preMap[ i ] ) > -1 ) { - seed[temp] = !(results[temp] = elem); + seed[ temp ] = !( results[ temp ] = elem ); } } } @@ -2426,14 +2602,14 @@ function setMatcher( preFilter, selector, matcher, postFilter, postFinder, postS push.apply( results, matcherOut ); } } - }); + } ); } function matcherFromTokens( tokens ) { var checkContext, matcher, j, len = tokens.length, - leadingRelative = Expr.relative[ tokens[0].type ], - implicitRelative = leadingRelative || Expr.relative[" "], + leadingRelative = Expr.relative[ tokens[ 0 ].type ], + implicitRelative = leadingRelative || Expr.relative[ " " ], i = leadingRelative ? 1 : 0, // The foundational matcher ensures that elements are reachable from top-level context(s) @@ -2445,38 +2621,43 @@ function matcherFromTokens( tokens ) { }, implicitRelative, true ), matchers = [ function( elem, context, xml ) { var ret = ( !leadingRelative && ( xml || context !== outermostContext ) ) || ( - (checkContext = context).nodeType ? + ( checkContext = context ).nodeType ? matchContext( elem, context, xml ) : matchAnyContext( elem, context, xml ) ); + // Avoid hanging onto element (issue #299) checkContext = null; return ret; } ]; for ( ; i < len; i++ ) { - if ( (matcher = Expr.relative[ tokens[i].type ]) ) { - matchers = [ addCombinator(elementMatcher( matchers ), matcher) ]; + if ( ( matcher = Expr.relative[ tokens[ i ].type ] ) ) { + matchers = [ addCombinator( elementMatcher( matchers ), matcher ) ]; } else { - matcher = Expr.filter[ tokens[i].type ].apply( null, tokens[i].matches ); + matcher = Expr.filter[ tokens[ i ].type ].apply( null, tokens[ i ].matches ); // Return special upon seeing a positional matcher if ( matcher[ expando ] ) { + // Find the next relative operator (if any) for proper handling j = ++i; for ( ; j < len; j++ ) { - if ( Expr.relative[ tokens[j].type ] ) { + if ( Expr.relative[ tokens[ j ].type ] ) { break; } } return setMatcher( i > 1 && elementMatcher( matchers ), i > 1 && toSelector( - // If the preceding token was a descendant combinator, insert an implicit any-element `*` - tokens.slice( 0, i - 1 ).concat({ value: tokens[ i - 2 ].type === " " ? "*" : "" }) + + // If the preceding token was a descendant combinator, insert an implicit any-element `*` + tokens + .slice( 0, i - 1 ) + .concat( { value: tokens[ i - 2 ].type === " " ? "*" : "" } ) ).replace( rtrim, "$1" ), matcher, i < j && matcherFromTokens( tokens.slice( i, j ) ), - j < len && matcherFromTokens( (tokens = tokens.slice( j )) ), + j < len && matcherFromTokens( ( tokens = tokens.slice( j ) ) ), j < len && toSelector( tokens ) ); } @@ -2497,28 +2678,40 @@ function matcherFromGroupMatchers( elementMatchers, setMatchers ) { unmatched = seed && [], setMatched = [], contextBackup = outermostContext, + // We must always have either seed elements or outermost context - elems = seed || byElement && Expr.find["TAG"]( "*", outermost ), + elems = seed || byElement && Expr.find[ "TAG" ]( "*", outermost ), + // Use integer dirruns iff this is the outermost matcher - dirrunsUnique = (dirruns += contextBackup == null ? 1 : Math.random() || 0.1), + dirrunsUnique = ( dirruns += contextBackup == null ? 1 : Math.random() || 0.1 ), len = elems.length; if ( outermost ) { - outermostContext = context === document || context || outermost; + + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + outermostContext = context == document || context || outermost; } // Add elements passing elementMatchers directly to results // Support: IE<9, Safari // Tolerate NodeList properties (IE: "length"; Safari: ) matching elements by id - for ( ; i !== len && (elem = elems[i]) != null; i++ ) { + for ( ; i !== len && ( elem = elems[ i ] ) != null; i++ ) { if ( byElement && elem ) { j = 0; - if ( !context && elem.ownerDocument !== document ) { + + // Support: IE 11+, Edge 17 - 18+ + // IE/Edge sometimes throw a "Permission denied" error when strict-comparing + // two documents; shallow comparisons work. + // eslint-disable-next-line eqeqeq + if ( !context && elem.ownerDocument != document ) { setDocument( elem ); xml = !documentIsHTML; } - while ( (matcher = elementMatchers[j++]) ) { - if ( matcher( elem, context || document, xml) ) { + while ( ( matcher = elementMatchers[ j++ ] ) ) { + if ( matcher( elem, context || document, xml ) ) { results.push( elem ); break; } @@ -2530,8 +2723,9 @@ function matcherFromGroupMatchers( elementMatchers, setMatchers ) { // Track unmatched elements for set filters if ( bySet ) { + // They will have gone through all possible matchers - if ( (elem = !matcher && elem) ) { + if ( ( elem = !matcher && elem ) ) { matchedCount--; } @@ -2555,16 +2749,17 @@ function matcherFromGroupMatchers( elementMatchers, setMatchers ) { // numerically zero. if ( bySet && i !== matchedCount ) { j = 0; - while ( (matcher = setMatchers[j++]) ) { + while ( ( matcher = setMatchers[ j++ ] ) ) { matcher( unmatched, setMatched, context, xml ); } if ( seed ) { + // Reintegrate element matches to eliminate the need for sorting if ( matchedCount > 0 ) { while ( i-- ) { - if ( !(unmatched[i] || setMatched[i]) ) { - setMatched[i] = pop.call( results ); + if ( !( unmatched[ i ] || setMatched[ i ] ) ) { + setMatched[ i ] = pop.call( results ); } } } @@ -2605,13 +2800,14 @@ compile = Sizzle.compile = function( selector, match /* Internal Use Only */ ) { cached = compilerCache[ selector + " " ]; if ( !cached ) { + // Generate a function of recursive functions that can be used to check each element if ( !match ) { match = tokenize( selector ); } i = match.length; while ( i-- ) { - cached = matcherFromTokens( match[i] ); + cached = matcherFromTokens( match[ i ] ); if ( cached[ expando ] ) { setMatchers.push( cached ); } else { @@ -2620,7 +2816,10 @@ compile = Sizzle.compile = function( selector, match /* Internal Use Only */ ) { } // Cache the compiled function - cached = compilerCache( selector, matcherFromGroupMatchers( elementMatchers, setMatchers ) ); + cached = compilerCache( + selector, + matcherFromGroupMatchers( elementMatchers, setMatchers ) + ); // Save selector and tokenization cached.selector = selector; @@ -2640,7 +2839,7 @@ compile = Sizzle.compile = function( selector, match /* Internal Use Only */ ) { select = Sizzle.select = function( selector, context, results, seed ) { var i, tokens, token, type, find, compiled = typeof selector === "function" && selector, - match = !seed && tokenize( (selector = compiled.selector || selector) ); + match = !seed && tokenize( ( selector = compiled.selector || selector ) ); results = results || []; @@ -2649,11 +2848,12 @@ select = Sizzle.select = function( selector, context, results, seed ) { if ( match.length === 1 ) { // Reduce context if the leading compound selector is an ID - tokens = match[0] = match[0].slice( 0 ); - if ( tokens.length > 2 && (token = tokens[0]).type === "ID" && - context.nodeType === 9 && documentIsHTML && Expr.relative[ tokens[1].type ] ) { + tokens = match[ 0 ] = match[ 0 ].slice( 0 ); + if ( tokens.length > 2 && ( token = tokens[ 0 ] ).type === "ID" && + context.nodeType === 9 && documentIsHTML && Expr.relative[ tokens[ 1 ].type ] ) { - context = ( Expr.find["ID"]( token.matches[0].replace(runescape, funescape), context ) || [] )[0]; + context = ( Expr.find[ "ID" ]( token.matches[ 0 ] + .replace( runescape, funescape ), context ) || [] )[ 0 ]; if ( !context ) { return results; @@ -2666,20 +2866,22 @@ select = Sizzle.select = function( selector, context, results, seed ) { } // Fetch a seed set for right-to-left matching - i = matchExpr["needsContext"].test( selector ) ? 0 : tokens.length; + i = matchExpr[ "needsContext" ].test( selector ) ? 0 : tokens.length; while ( i-- ) { - token = tokens[i]; + token = tokens[ i ]; // Abort if we hit a combinator - if ( Expr.relative[ (type = token.type) ] ) { + if ( Expr.relative[ ( type = token.type ) ] ) { break; } - if ( (find = Expr.find[ type ]) ) { + if ( ( find = Expr.find[ type ] ) ) { + // Search, expanding context for leading sibling combinators - if ( (seed = find( - token.matches[0].replace( runescape, funescape ), - rsibling.test( tokens[0].type ) && testContext( context.parentNode ) || context - )) ) { + if ( ( seed = find( + token.matches[ 0 ].replace( runescape, funescape ), + rsibling.test( tokens[ 0 ].type ) && testContext( context.parentNode ) || + context + ) ) ) { // If seed is empty or no tokens remain, we can return early tokens.splice( i, 1 ); @@ -2710,7 +2912,7 @@ select = Sizzle.select = function( selector, context, results, seed ) { // One-time assignments // Sort stability -support.sortStable = expando.split("").sort( sortOrder ).join("") === expando; +support.sortStable = expando.split( "" ).sort( sortOrder ).join( "" ) === expando; // Support: Chrome 14-35+ // Always assume duplicates if they aren't passed to the comparison function @@ -2721,58 +2923,59 @@ setDocument(); // Support: Webkit<537.32 - Safari 6.0.3/Chrome 25 (fixed in Chrome 27) // Detached nodes confoundingly follow *each other* -support.sortDetached = assert(function( el ) { +support.sortDetached = assert( function( el ) { + // Should return 1, but returns 4 (following) - return el.compareDocumentPosition( document.createElement("fieldset") ) & 1; -}); + return el.compareDocumentPosition( document.createElement( "fieldset" ) ) & 1; +} ); // Support: IE<8 // Prevent attribute/property "interpolation" // https://msdn.microsoft.com/en-us/library/ms536429%28VS.85%29.aspx -if ( !assert(function( el ) { +if ( !assert( function( el ) { el.innerHTML = ""; - return el.firstChild.getAttribute("href") === "#" ; -}) ) { + return el.firstChild.getAttribute( "href" ) === "#"; +} ) ) { addHandle( "type|href|height|width", function( elem, name, isXML ) { if ( !isXML ) { return elem.getAttribute( name, name.toLowerCase() === "type" ? 1 : 2 ); } - }); + } ); } // Support: IE<9 // Use defaultValue in place of getAttribute("value") -if ( !support.attributes || !assert(function( el ) { +if ( !support.attributes || !assert( function( el ) { el.innerHTML = ""; el.firstChild.setAttribute( "value", "" ); return el.firstChild.getAttribute( "value" ) === ""; -}) ) { - addHandle( "value", function( elem, name, isXML ) { +} ) ) { + addHandle( "value", function( elem, _name, isXML ) { if ( !isXML && elem.nodeName.toLowerCase() === "input" ) { return elem.defaultValue; } - }); + } ); } // Support: IE<9 // Use getAttributeNode to fetch booleans when getAttribute lies -if ( !assert(function( el ) { - return el.getAttribute("disabled") == null; -}) ) { +if ( !assert( function( el ) { + return el.getAttribute( "disabled" ) == null; +} ) ) { addHandle( booleans, function( elem, name, isXML ) { var val; if ( !isXML ) { return elem[ name ] === true ? name.toLowerCase() : - (val = elem.getAttributeNode( name )) && val.specified ? + ( val = elem.getAttributeNode( name ) ) && val.specified ? val.value : - null; + null; } - }); + } ); } return Sizzle; -})( window ); +} )( window ); @@ -2825,9 +3028,9 @@ var rneedsContext = jQuery.expr.match.needsContext; function nodeName( elem, name ) { - return elem.nodeName && elem.nodeName.toLowerCase() === name.toLowerCase(); + return elem.nodeName && elem.nodeName.toLowerCase() === name.toLowerCase(); -}; +} var rsingleTag = ( /^<([a-z][^\/\0>:\x20\t\r\n\f]*)[\x20\t\r\n\f]*\/?>(?:<\/\1>|)$/i ); @@ -3141,7 +3344,7 @@ jQuery.each( { parents: function( elem ) { return dir( elem, "parentNode" ); }, - parentsUntil: function( elem, i, until ) { + parentsUntil: function( elem, _i, until ) { return dir( elem, "parentNode", until ); }, next: function( elem ) { @@ -3156,10 +3359,10 @@ jQuery.each( { prevAll: function( elem ) { return dir( elem, "previousSibling" ); }, - nextUntil: function( elem, i, until ) { + nextUntil: function( elem, _i, until ) { return dir( elem, "nextSibling", until ); }, - prevUntil: function( elem, i, until ) { + prevUntil: function( elem, _i, until ) { return dir( elem, "previousSibling", until ); }, siblings: function( elem ) { @@ -3169,7 +3372,13 @@ jQuery.each( { return siblings( elem.firstChild ); }, contents: function( elem ) { - if ( typeof elem.contentDocument !== "undefined" ) { + if ( elem.contentDocument != null && + + // Support: IE 11+ + // elements with no `data` attribute has an object + // `contentDocument` with a `null` prototype. + getProto( elem.contentDocument ) ) { + return elem.contentDocument; } @@ -3512,7 +3721,7 @@ jQuery.extend( { var fns = arguments; return jQuery.Deferred( function( newDefer ) { - jQuery.each( tuples, function( i, tuple ) { + jQuery.each( tuples, function( _i, tuple ) { // Map tuples (progress, done, fail) to arguments (done, fail, progress) var fn = isFunction( fns[ tuple[ 4 ] ] ) && fns[ tuple[ 4 ] ]; @@ -3792,8 +4001,8 @@ jQuery.extend( { resolveContexts = Array( i ), resolveValues = slice.call( arguments ), - // the master Deferred - master = jQuery.Deferred(), + // the primary Deferred + primary = jQuery.Deferred(), // subordinate callback factory updateFunc = function( i ) { @@ -3801,30 +4010,30 @@ jQuery.extend( { resolveContexts[ i ] = this; resolveValues[ i ] = arguments.length > 1 ? slice.call( arguments ) : value; if ( !( --remaining ) ) { - master.resolveWith( resolveContexts, resolveValues ); + primary.resolveWith( resolveContexts, resolveValues ); } }; }; // Single- and empty arguments are adopted like Promise.resolve if ( remaining <= 1 ) { - adoptValue( singleValue, master.done( updateFunc( i ) ).resolve, master.reject, + adoptValue( singleValue, primary.done( updateFunc( i ) ).resolve, primary.reject, !remaining ); // Use .then() to unwrap secondary thenables (cf. gh-3000) - if ( master.state() === "pending" || + if ( primary.state() === "pending" || isFunction( resolveValues[ i ] && resolveValues[ i ].then ) ) { - return master.then(); + return primary.then(); } } // Multiple arguments are aggregated like Promise.all array elements while ( i-- ) { - adoptValue( resolveValues[ i ], updateFunc( i ), master.reject ); + adoptValue( resolveValues[ i ], updateFunc( i ), primary.reject ); } - return master.promise(); + return primary.promise(); } } ); @@ -3965,7 +4174,7 @@ var access = function( elems, fn, key, value, chainable, emptyGet, raw ) { // ...except when executing function values } else { bulk = fn; - fn = function( elem, key, value ) { + fn = function( elem, _key, value ) { return bulk.call( jQuery( elem ), value ); }; } @@ -3975,8 +4184,8 @@ var access = function( elems, fn, key, value, chainable, emptyGet, raw ) { for ( ; i < len; i++ ) { fn( elems[ i ], key, raw ? - value : - value.call( elems[ i ], i, fn( elems[ i ], key ) ) + value : + value.call( elems[ i ], i, fn( elems[ i ], key ) ) ); } } @@ -4000,7 +4209,7 @@ var rmsPrefix = /^-ms-/, rdashAlpha = /-([a-z])/g; // Used by camelCase as callback to replace() -function fcamelCase( all, letter ) { +function fcamelCase( _all, letter ) { return letter.toUpperCase(); } @@ -4528,27 +4737,6 @@ var isHiddenWithinTree = function( elem, el ) { jQuery.css( elem, "display" ) === "none"; }; -var swap = function( elem, options, callback, args ) { - var ret, name, - old = {}; - - // Remember the old values, and insert the new ones - for ( name in options ) { - old[ name ] = elem.style[ name ]; - elem.style[ name ] = options[ name ]; - } - - ret = callback.apply( elem, args || [] ); - - // Revert the old values - for ( name in options ) { - elem.style[ name ] = old[ name ]; - } - - return ret; -}; - - function adjustCSS( elem, prop, valueParts, tween ) { @@ -4719,11 +4907,40 @@ var rscriptType = ( /^$|^module$|\/(?:java|ecma)script/i ); -// We have to close these tags to support XHTML (#13200) -var wrapMap = { +( function() { + var fragment = document.createDocumentFragment(), + div = fragment.appendChild( document.createElement( "div" ) ), + input = document.createElement( "input" ); + + // Support: Android 4.0 - 4.3 only + // Check state lost if the name is set (#11217) + // Support: Windows Web Apps (WWA) + // `name` and `type` must use .setAttribute for WWA (#14901) + input.setAttribute( "type", "radio" ); + input.setAttribute( "checked", "checked" ); + input.setAttribute( "name", "t" ); + + div.appendChild( input ); + + // Support: Android <=4.1 only + // Older WebKit doesn't clone checked state correctly in fragments + support.checkClone = div.cloneNode( true ).cloneNode( true ).lastChild.checked; + + // Support: IE <=11 only + // Make sure textarea (and checkbox) defaultValue is properly cloned + div.innerHTML = ""; + support.noCloneChecked = !!div.cloneNode( true ).lastChild.defaultValue; // Support: IE <=9 only - option: [ 1, "" ], + // IE <=9 replaces "; + support.option = !!div.lastChild; +} )(); + + +// We have to close these tags to support XHTML (#13200) +var wrapMap = { // XHTML parsers do not magically insert elements in the // same way that tag soup parsers do. So we cannot shorten @@ -4736,12 +4953,14 @@ var wrapMap = { _default: [ 0, "", "" ] }; -// Support: IE <=9 only -wrapMap.optgroup = wrapMap.option; - wrapMap.tbody = wrapMap.tfoot = wrapMap.colgroup = wrapMap.caption = wrapMap.thead; wrapMap.th = wrapMap.td; +// Support: IE <=9 only +if ( !support.option ) { + wrapMap.optgroup = wrapMap.option = [ 1, "" ]; +} + function getAll( context, tag ) { @@ -4874,36 +5093,7 @@ function buildFragment( elems, context, scripts, selection, ignored ) { } -( function() { - var fragment = document.createDocumentFragment(), - div = fragment.appendChild( document.createElement( "div" ) ), - input = document.createElement( "input" ); - - // Support: Android 4.0 - 4.3 only - // Check state lost if the name is set (#11217) - // Support: Windows Web Apps (WWA) - // `name` and `type` must use .setAttribute for WWA (#14901) - input.setAttribute( "type", "radio" ); - input.setAttribute( "checked", "checked" ); - input.setAttribute( "name", "t" ); - - div.appendChild( input ); - - // Support: Android <=4.1 only - // Older WebKit doesn't clone checked state correctly in fragments - support.checkClone = div.cloneNode( true ).cloneNode( true ).lastChild.checked; - - // Support: IE <=11 only - // Make sure textarea (and checkbox) defaultValue is properly cloned - div.innerHTML = ""; - support.noCloneChecked = !!div.cloneNode( true ).lastChild.defaultValue; -} )(); - - -var - rkeyEvent = /^key/, - rmouseEvent = /^(?:mouse|pointer|contextmenu|drag|drop)|click/, - rtypenamespace = /^([^.]*)(?:\.(.+)|)/; +var rtypenamespace = /^([^.]*)(?:\.(.+)|)/; function returnTrue() { return true; @@ -5008,8 +5198,8 @@ jQuery.event = { special, handlers, type, namespaces, origType, elemData = dataPriv.get( elem ); - // Don't attach events to noData or text/comment nodes (but allow plain objects) - if ( !elemData ) { + // Only attach events to objects that accept data + if ( !acceptData( elem ) ) { return; } @@ -5033,7 +5223,7 @@ jQuery.event = { // Init the element's event structure and main handler, if this is the first if ( !( events = elemData.events ) ) { - events = elemData.events = {}; + events = elemData.events = Object.create( null ); } if ( !( eventHandle = elemData.handle ) ) { eventHandle = elemData.handle = function( e ) { @@ -5191,12 +5381,15 @@ jQuery.event = { dispatch: function( nativeEvent ) { - // Make a writable jQuery.Event from the native event object - var event = jQuery.event.fix( nativeEvent ); - var i, j, ret, matched, handleObj, handlerQueue, args = new Array( arguments.length ), - handlers = ( dataPriv.get( this, "events" ) || {} )[ event.type ] || [], + + // Make a writable jQuery.Event from the native event object + event = jQuery.event.fix( nativeEvent ), + + handlers = ( + dataPriv.get( this, "events" ) || Object.create( null ) + )[ event.type ] || [], special = jQuery.event.special[ event.type ] || {}; // Use the fix-ed jQuery.Event rather than the (read-only) native event @@ -5320,12 +5513,12 @@ jQuery.event = { get: isFunction( hook ) ? function() { if ( this.originalEvent ) { - return hook( this.originalEvent ); + return hook( this.originalEvent ); } } : function() { if ( this.originalEvent ) { - return this.originalEvent[ name ]; + return this.originalEvent[ name ]; } }, @@ -5464,7 +5657,13 @@ function leverageNative( el, type, expectSync ) { // Cancel the outer synthetic event event.stopImmediatePropagation(); event.preventDefault(); - return result.value; + + // Support: Chrome 86+ + // In Chrome, if an element having a focusout handler is blurred by + // clicking outside of it, it invokes the handler synchronously. If + // that handler calls `.remove()` on the element, the data is cleared, + // leaving `result` undefined. We need to guard against this. + return result && result.value; } // If this is an inner synthetic event for an event with a bubbling surrogate @@ -5629,34 +5828,7 @@ jQuery.each( { targetTouches: true, toElement: true, touches: true, - - which: function( event ) { - var button = event.button; - - // Add which for key events - if ( event.which == null && rkeyEvent.test( event.type ) ) { - return event.charCode != null ? event.charCode : event.keyCode; - } - - // Add which for click: 1 === left; 2 === middle; 3 === right - if ( !event.which && button !== undefined && rmouseEvent.test( event.type ) ) { - if ( button & 1 ) { - return 1; - } - - if ( button & 2 ) { - return 3; - } - - if ( button & 4 ) { - return 2; - } - - return 0; - } - - return event.which; - } + which: true }, jQuery.event.addProp ); jQuery.each( { focus: "focusin", blur: "focusout" }, function( type, delegateType ) { @@ -5682,6 +5854,12 @@ jQuery.each( { focus: "focusin", blur: "focusout" }, function( type, delegateTyp return true; }, + // Suppress native focus or blur as it's already being fired + // in leverageNative. + _default: function() { + return true; + }, + delegateType: delegateType }; } ); @@ -5771,13 +5949,6 @@ jQuery.fn.extend( { var - /* eslint-disable max-len */ - - // See https://github.com/eslint/eslint/issues/3229 - rxhtmlTag = /<(?!area|br|col|embed|hr|img|input|link|meta|param)(([a-z][^\/\0>\x20\t\r\n\f]*)[^>]*)\/>/gi, - - /* eslint-enable */ - // Support: IE <=10 - 11, Edge 12 - 13 only // In IE/Edge using regex groups here causes severe slowdowns. // See https://connect.microsoft.com/IE/feedback/details/1736512/ @@ -5814,7 +5985,7 @@ function restoreScript( elem ) { } function cloneCopyEvent( src, dest ) { - var i, l, type, pdataOld, pdataCur, udataOld, udataCur, events; + var i, l, type, pdataOld, udataOld, udataCur, events; if ( dest.nodeType !== 1 ) { return; @@ -5822,13 +5993,11 @@ function cloneCopyEvent( src, dest ) { // 1. Copy private data: events, handlers, etc. if ( dataPriv.hasData( src ) ) { - pdataOld = dataPriv.access( src ); - pdataCur = dataPriv.set( dest, pdataOld ); + pdataOld = dataPriv.get( src ); events = pdataOld.events; if ( events ) { - delete pdataCur.handle; - pdataCur.events = {}; + dataPriv.remove( dest, "handle events" ); for ( type in events ) { for ( i = 0, l = events[ type ].length; i < l; i++ ) { @@ -5864,7 +6033,7 @@ function fixInput( src, dest ) { function domManip( collection, args, callback, ignored ) { // Flatten any nested arrays - args = concat.apply( [], args ); + args = flat( args ); var fragment, first, scripts, hasScripts, node, doc, i = 0, @@ -5939,7 +6108,7 @@ function domManip( collection, args, callback, ignored ) { if ( jQuery._evalUrl && !node.noModule ) { jQuery._evalUrl( node.src, { nonce: node.nonce || node.getAttribute( "nonce" ) - } ); + }, doc ); } } else { DOMEval( node.textContent.replace( rcleanScript, "" ), node, doc ); @@ -5976,7 +6145,7 @@ function remove( elem, selector, keepData ) { jQuery.extend( { htmlPrefilter: function( html ) { - return html.replace( rxhtmlTag, "<$1>" ); + return html; }, clone: function( elem, dataAndEvents, deepDataAndEvents ) { @@ -6238,6 +6407,27 @@ var getStyles = function( elem ) { return view.getComputedStyle( elem ); }; +var swap = function( elem, options, callback ) { + var ret, name, + old = {}; + + // Remember the old values, and insert the new ones + for ( name in options ) { + old[ name ] = elem.style[ name ]; + elem.style[ name ] = options[ name ]; + } + + ret = callback.call( elem ); + + // Revert the old values + for ( name in options ) { + elem.style[ name ] = old[ name ]; + } + + return ret; +}; + + var rboxStyle = new RegExp( cssExpand.join( "|" ), "i" ); @@ -6295,7 +6485,7 @@ var rboxStyle = new RegExp( cssExpand.join( "|" ), "i" ); } var pixelPositionVal, boxSizingReliableVal, scrollboxSizeVal, pixelBoxStylesVal, - reliableMarginLeftVal, + reliableTrDimensionsVal, reliableMarginLeftVal, container = document.createElement( "div" ), div = document.createElement( "div" ); @@ -6330,6 +6520,54 @@ var rboxStyle = new RegExp( cssExpand.join( "|" ), "i" ); scrollboxSize: function() { computeStyleTests(); return scrollboxSizeVal; + }, + + // Support: IE 9 - 11+, Edge 15 - 18+ + // IE/Edge misreport `getComputedStyle` of table rows with width/height + // set in CSS while `offset*` properties report correct values. + // Behavior in IE 9 is more subtle than in newer versions & it passes + // some versions of this test; make sure not to make it pass there! + // + // Support: Firefox 70+ + // Only Firefox includes border widths + // in computed dimensions. (gh-4529) + reliableTrDimensions: function() { + var table, tr, trChild, trStyle; + if ( reliableTrDimensionsVal == null ) { + table = document.createElement( "table" ); + tr = document.createElement( "tr" ); + trChild = document.createElement( "div" ); + + table.style.cssText = "position:absolute;left:-11111px;border-collapse:separate"; + tr.style.cssText = "border:1px solid"; + + // Support: Chrome 86+ + // Height set through cssText does not get applied. + // Computed height then comes back as 0. + tr.style.height = "1px"; + trChild.style.height = "9px"; + + // Support: Android 8 Chrome 86+ + // In our bodyBackground.html iframe, + // display for all div elements is set to "inline", + // which causes a problem only in Android 8 Chrome 86. + // Ensuring the div is display: block + // gets around this issue. + trChild.style.display = "block"; + + documentElement + .appendChild( table ) + .appendChild( tr ) + .appendChild( trChild ); + + trStyle = window.getComputedStyle( tr ); + reliableTrDimensionsVal = ( parseInt( trStyle.height, 10 ) + + parseInt( trStyle.borderTopWidth, 10 ) + + parseInt( trStyle.borderBottomWidth, 10 ) ) === tr.offsetHeight; + + documentElement.removeChild( table ); + } + return reliableTrDimensionsVal; } } ); } )(); @@ -6454,7 +6692,7 @@ var fontWeight: "400" }; -function setPositiveNumber( elem, value, subtract ) { +function setPositiveNumber( _elem, value, subtract ) { // Any relative (+/-) values have already been // normalized at this point @@ -6559,17 +6797,26 @@ function getWidthOrHeight( elem, dimension, extra ) { } - // Fall back to offsetWidth/offsetHeight when value is "auto" - // This happens for inline elements with no explicit setting (gh-3571) - // Support: Android <=4.1 - 4.3 only - // Also use offsetWidth/offsetHeight for misreported inline dimensions (gh-3602) - // Support: IE 9-11 only - // Also use offsetWidth/offsetHeight for when box sizing is unreliable - // We use getClientRects() to check for hidden/disconnected. - // In those cases, the computed value can be trusted to be border-box + // Support: IE 9 - 11 only + // Use offsetWidth/offsetHeight for when box sizing is unreliable. + // In those cases, the computed value can be trusted to be border-box. if ( ( !support.boxSizingReliable() && isBorderBox || + + // Support: IE 10 - 11+, Edge 15 - 18+ + // IE/Edge misreport `getComputedStyle` of table rows with width/height + // set in CSS while `offset*` properties report correct values. + // Interestingly, in some cases IE 9 doesn't suffer from this issue. + !support.reliableTrDimensions() && nodeName( elem, "tr" ) || + + // Fall back to offsetWidth/offsetHeight when value is "auto" + // This happens for inline elements with no explicit setting (gh-3571) val === "auto" || + + // Support: Android <=4.1 - 4.3 only + // Also use offsetWidth/offsetHeight for misreported inline dimensions (gh-3602) !parseFloat( val ) && jQuery.css( elem, "display", false, styles ) === "inline" ) && + + // Make sure the element is visible & connected elem.getClientRects().length ) { isBorderBox = jQuery.css( elem, "boxSizing", false, styles ) === "border-box"; @@ -6764,7 +7011,7 @@ jQuery.extend( { } } ); -jQuery.each( [ "height", "width" ], function( i, dimension ) { +jQuery.each( [ "height", "width" ], function( _i, dimension ) { jQuery.cssHooks[ dimension ] = { get: function( elem, computed, extra ) { if ( computed ) { @@ -6780,10 +7027,10 @@ jQuery.each( [ "height", "width" ], function( i, dimension ) { // Running getBoundingClientRect on a disconnected node // in IE throws an error. ( !elem.getClientRects().length || !elem.getBoundingClientRect().width ) ? - swap( elem, cssShow, function() { - return getWidthOrHeight( elem, dimension, extra ); - } ) : - getWidthOrHeight( elem, dimension, extra ); + swap( elem, cssShow, function() { + return getWidthOrHeight( elem, dimension, extra ); + } ) : + getWidthOrHeight( elem, dimension, extra ); } }, @@ -6842,7 +7089,7 @@ jQuery.cssHooks.marginLeft = addGetHookIf( support.reliableMarginLeft, swap( elem, { marginLeft: 0 }, function() { return elem.getBoundingClientRect().left; } ) - ) + "px"; + ) + "px"; } } ); @@ -6981,7 +7228,7 @@ Tween.propHooks = { if ( jQuery.fx.step[ tween.prop ] ) { jQuery.fx.step[ tween.prop ]( tween ); } else if ( tween.elem.nodeType === 1 && ( - jQuery.cssHooks[ tween.prop ] || + jQuery.cssHooks[ tween.prop ] || tween.elem.style[ finalPropName( tween.prop ) ] != null ) ) { jQuery.style( tween.elem, tween.prop, tween.now + tween.unit ); } else { @@ -7226,7 +7473,7 @@ function defaultPrefilter( elem, props, opts ) { anim.done( function() { - /* eslint-enable no-loop-func */ + /* eslint-enable no-loop-func */ // The final step of a "hide" animation is actually hiding the element if ( !hidden ) { @@ -7346,7 +7593,7 @@ function Animation( elem, properties, options ) { tweens: [], createTween: function( prop, end ) { var tween = jQuery.Tween( elem, animation.opts, prop, end, - animation.opts.specialEasing[ prop ] || animation.opts.easing ); + animation.opts.specialEasing[ prop ] || animation.opts.easing ); animation.tweens.push( tween ); return tween; }, @@ -7519,7 +7766,8 @@ jQuery.fn.extend( { anim.stop( true ); } }; - doAnimation.finish = doAnimation; + + doAnimation.finish = doAnimation; return empty || optall.queue === false ? this.each( doAnimation ) : @@ -7537,7 +7785,7 @@ jQuery.fn.extend( { clearQueue = type; type = undefined; } - if ( clearQueue && type !== false ) { + if ( clearQueue ) { this.queue( type || "fx", [] ); } @@ -7620,7 +7868,7 @@ jQuery.fn.extend( { } } ); -jQuery.each( [ "toggle", "show", "hide" ], function( i, name ) { +jQuery.each( [ "toggle", "show", "hide" ], function( _i, name ) { var cssFn = jQuery.fn[ name ]; jQuery.fn[ name ] = function( speed, easing, callback ) { return speed == null || typeof speed === "boolean" ? @@ -7841,7 +8089,7 @@ boolHook = { } }; -jQuery.each( jQuery.expr.match.bool.source.match( /\w+/g ), function( i, name ) { +jQuery.each( jQuery.expr.match.bool.source.match( /\w+/g ), function( _i, name ) { var getter = attrHandle[ name ] || jQuery.find.attr; attrHandle[ name ] = function( elem, name, isXML ) { @@ -8159,8 +8407,8 @@ jQuery.fn.extend( { if ( this.setAttribute ) { this.setAttribute( "class", className || value === false ? - "" : - dataPriv.get( this, "__className__" ) || "" + "" : + dataPriv.get( this, "__className__" ) || "" ); } } @@ -8175,7 +8423,7 @@ jQuery.fn.extend( { while ( ( elem = this[ i++ ] ) ) { if ( elem.nodeType === 1 && ( " " + stripAndCollapse( getClass( elem ) ) + " " ).indexOf( className ) > -1 ) { - return true; + return true; } } @@ -8465,7 +8713,7 @@ jQuery.extend( jQuery.event, { special.bindType || type; // jQuery handler - handle = ( dataPriv.get( cur, "events" ) || {} )[ event.type ] && + handle = ( dataPriv.get( cur, "events" ) || Object.create( null ) )[ event.type ] && dataPriv.get( cur, "handle" ); if ( handle ) { handle.apply( cur, data ); @@ -8576,7 +8824,10 @@ if ( !support.focusin ) { jQuery.event.special[ fix ] = { setup: function() { - var doc = this.ownerDocument || this, + + // Handle: regular nodes (via `this.ownerDocument`), window + // (via `this.document`) & document (via `this`). + var doc = this.ownerDocument || this.document || this, attaches = dataPriv.access( doc, fix ); if ( !attaches ) { @@ -8585,7 +8836,7 @@ if ( !support.focusin ) { dataPriv.access( doc, fix, ( attaches || 0 ) + 1 ); }, teardown: function() { - var doc = this.ownerDocument || this, + var doc = this.ownerDocument || this.document || this, attaches = dataPriv.access( doc, fix ) - 1; if ( !attaches ) { @@ -8601,7 +8852,7 @@ if ( !support.focusin ) { } var location = window.location; -var nonce = Date.now(); +var nonce = { guid: Date.now() }; var rquery = ( /\?/ ); @@ -8609,7 +8860,7 @@ var rquery = ( /\?/ ); // Cross-browser xml parsing jQuery.parseXML = function( data ) { - var xml; + var xml, parserErrorElem; if ( !data || typeof data !== "string" ) { return null; } @@ -8618,12 +8869,17 @@ jQuery.parseXML = function( data ) { // IE throws on parseFromString with invalid input. try { xml = ( new window.DOMParser() ).parseFromString( data, "text/xml" ); - } catch ( e ) { - xml = undefined; - } + } catch ( e ) {} - if ( !xml || xml.getElementsByTagName( "parsererror" ).length ) { - jQuery.error( "Invalid XML: " + data ); + parserErrorElem = xml && xml.getElementsByTagName( "parsererror" )[ 0 ]; + if ( !xml || parserErrorElem ) { + jQuery.error( "Invalid XML: " + ( + parserErrorElem ? + jQuery.map( parserErrorElem.childNodes, function( el ) { + return el.textContent; + } ).join( "\n" ) : + data + ) ); } return xml; }; @@ -8724,16 +8980,14 @@ jQuery.fn.extend( { // Can add propHook for "elements" to filter or add form elements var elements = jQuery.prop( this, "elements" ); return elements ? jQuery.makeArray( elements ) : this; - } ) - .filter( function() { + } ).filter( function() { var type = this.type; // Use .is( ":disabled" ) so that fieldset[disabled] works return this.name && !jQuery( this ).is( ":disabled" ) && rsubmittable.test( this.nodeName ) && !rsubmitterTypes.test( type ) && ( this.checked || !rcheckableType.test( type ) ); - } ) - .map( function( i, elem ) { + } ).map( function( _i, elem ) { var val = jQuery( this ).val(); if ( val == null ) { @@ -8786,7 +9040,8 @@ var // Anchor tag for parsing the document origin originAnchor = document.createElement( "a" ); - originAnchor.href = location.href; + +originAnchor.href = location.href; // Base "constructor" for jQuery.ajaxPrefilter and jQuery.ajaxTransport function addToPrefiltersOrTransports( structure ) { @@ -9167,8 +9422,8 @@ jQuery.extend( { // Context for global events is callbackContext if it is a DOM node or jQuery collection globalEventContext = s.context && ( callbackContext.nodeType || callbackContext.jquery ) ? - jQuery( callbackContext ) : - jQuery.event, + jQuery( callbackContext ) : + jQuery.event, // Deferreds deferred = jQuery.Deferred(), @@ -9346,7 +9601,8 @@ jQuery.extend( { // Add or update anti-cache param if needed if ( s.cache === false ) { cacheURL = cacheURL.replace( rantiCache, "$1" ); - uncached = ( rquery.test( cacheURL ) ? "&" : "?" ) + "_=" + ( nonce++ ) + uncached; + uncached = ( rquery.test( cacheURL ) ? "&" : "?" ) + "_=" + ( nonce.guid++ ) + + uncached; } // Put hash and anti-cache on the URL that will be requested (gh-1732) @@ -9479,6 +9735,13 @@ jQuery.extend( { response = ajaxHandleResponses( s, jqXHR, responses ); } + // Use a noop converter for missing script but not if jsonp + if ( !isSuccess && + jQuery.inArray( "script", s.dataTypes ) > -1 && + jQuery.inArray( "json", s.dataTypes ) < 0 ) { + s.converters[ "text script" ] = function() {}; + } + // Convert no matter what (that way responseXXX fields are always set) response = ajaxConvert( s, response, jqXHR, isSuccess ); @@ -9569,7 +9832,7 @@ jQuery.extend( { } } ); -jQuery.each( [ "get", "post" ], function( i, method ) { +jQuery.each( [ "get", "post" ], function( _i, method ) { jQuery[ method ] = function( url, data, callback, type ) { // Shift arguments if data argument was omitted @@ -9590,8 +9853,17 @@ jQuery.each( [ "get", "post" ], function( i, method ) { }; } ); +jQuery.ajaxPrefilter( function( s ) { + var i; + for ( i in s.headers ) { + if ( i.toLowerCase() === "content-type" ) { + s.contentType = s.headers[ i ] || ""; + } + } +} ); + -jQuery._evalUrl = function( url, options ) { +jQuery._evalUrl = function( url, options, doc ) { return jQuery.ajax( { url: url, @@ -9609,7 +9881,7 @@ jQuery._evalUrl = function( url, options ) { "text script": function() {} }, dataFilter: function( response ) { - jQuery.globalEval( response, options ); + jQuery.globalEval( response, options, doc ); } } ); }; @@ -9931,7 +10203,7 @@ var oldCallbacks = [], jQuery.ajaxSetup( { jsonp: "callback", jsonpCallback: function() { - var callback = oldCallbacks.pop() || ( jQuery.expando + "_" + ( nonce++ ) ); + var callback = oldCallbacks.pop() || ( jQuery.expando + "_" + ( nonce.guid++ ) ); this[ callback ] = true; return callback; } @@ -10148,23 +10420,6 @@ jQuery.fn.load = function( url, params, callback ) { -// Attach a bunch of functions for handling common AJAX events -jQuery.each( [ - "ajaxStart", - "ajaxStop", - "ajaxComplete", - "ajaxError", - "ajaxSuccess", - "ajaxSend" -], function( i, type ) { - jQuery.fn[ type ] = function( fn ) { - return this.on( type, fn ); - }; -} ); - - - - jQuery.expr.pseudos.animated = function( elem ) { return jQuery.grep( jQuery.timers, function( fn ) { return elem === fn.elem; @@ -10371,7 +10626,7 @@ jQuery.each( { scrollLeft: "pageXOffset", scrollTop: "pageYOffset" }, function( // Blink bug: https://bugs.chromium.org/p/chromium/issues/detail?id=589347 // getComputedStyle returns percent when specified for top/left/bottom/right; // rather than make the css module depend on the offset module, just check for it here -jQuery.each( [ "top", "left" ], function( i, prop ) { +jQuery.each( [ "top", "left" ], function( _i, prop ) { jQuery.cssHooks[ prop ] = addGetHookIf( support.pixelPosition, function( elem, computed ) { if ( computed ) { @@ -10389,8 +10644,11 @@ jQuery.each( [ "top", "left" ], function( i, prop ) { // Create innerHeight, innerWidth, height, width, outerHeight and outerWidth methods jQuery.each( { Height: "height", Width: "width" }, function( name, type ) { - jQuery.each( { padding: "inner" + name, content: type, "": "outer" + name }, - function( defaultExtra, funcName ) { + jQuery.each( { + padding: "inner" + name, + content: type, + "": "outer" + name + }, function( defaultExtra, funcName ) { // Margin is only for outerHeight, outerWidth jQuery.fn[ funcName ] = function( margin, value ) { @@ -10434,25 +10692,19 @@ jQuery.each( { Height: "height", Width: "width" }, function( name, type ) { } ); -jQuery.each( ( "blur focus focusin focusout resize scroll click dblclick " + - "mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave " + - "change select submit keydown keypress keyup contextmenu" ).split( " " ), - function( i, name ) { - - // Handle event binding - jQuery.fn[ name ] = function( data, fn ) { - return arguments.length > 0 ? - this.on( name, null, data, fn ) : - this.trigger( name ); +jQuery.each( [ + "ajaxStart", + "ajaxStop", + "ajaxComplete", + "ajaxError", + "ajaxSuccess", + "ajaxSend" +], function( _i, type ) { + jQuery.fn[ type ] = function( fn ) { + return this.on( type, fn ); }; } ); -jQuery.fn.extend( { - hover: function( fnOver, fnOut ) { - return this.mouseenter( fnOver ).mouseleave( fnOut || fnOver ); - } -} ); - @@ -10474,9 +10726,35 @@ jQuery.fn.extend( { return arguments.length === 1 ? this.off( selector, "**" ) : this.off( types, selector || "**", fn ); + }, + + hover: function( fnOver, fnOut ) { + return this.mouseenter( fnOver ).mouseleave( fnOut || fnOver ); } } ); +jQuery.each( + ( "blur focus focusin focusout resize scroll click dblclick " + + "mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave " + + "change select submit keydown keypress keyup contextmenu" ).split( " " ), + function( _i, name ) { + + // Handle event binding + jQuery.fn[ name ] = function( data, fn ) { + return arguments.length > 0 ? + this.on( name, null, data, fn ) : + this.trigger( name ); + }; + } +); + + + + +// Support: Android <=4.0 only +// Make sure we trim BOM and NBSP +var rtrim = /^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g; + // Bind a function to a context, optionally partially applying any // arguments. // jQuery.proxy is deprecated to promote standards (specifically Function#bind) @@ -10539,6 +10817,11 @@ jQuery.isNumeric = function( obj ) { !isNaN( obj - parseFloat( obj ) ); }; +jQuery.trim = function( text ) { + return text == null ? + "" : + ( text + "" ).replace( rtrim, "" ); +}; @@ -10587,7 +10870,7 @@ jQuery.noConflict = function( deep ) { // Expose jQuery and $ identifiers, even in AMD // (#7102#comment:10, https://github.com/jquery/jquery/pull/557) // and CommonJS for browser emulators (#13566) -if ( !noGlobal ) { +if ( typeof noGlobal === "undefined" ) { window.jQuery = window.$ = jQuery; } diff --git a/docs/build/html/_static/jquery.js b/docs/build/html/_static/jquery.js index a1c07fd..c4c6022 100644 --- a/docs/build/html/_static/jquery.js +++ b/docs/build/html/_static/jquery.js @@ -1,2 +1,2 @@ -/*! jQuery v3.4.1 | (c) JS Foundation and other contributors | jquery.org/license */ -!function(e,t){"use strict";"object"==typeof module&&"object"==typeof module.exports?module.exports=e.document?t(e,!0):function(e){if(!e.document)throw new Error("jQuery requires a window with a document");return t(e)}:t(e)}("undefined"!=typeof window?window:this,function(C,e){"use strict";var t=[],E=C.document,r=Object.getPrototypeOf,s=t.slice,g=t.concat,u=t.push,i=t.indexOf,n={},o=n.toString,v=n.hasOwnProperty,a=v.toString,l=a.call(Object),y={},m=function(e){return"function"==typeof e&&"number"!=typeof e.nodeType},x=function(e){return null!=e&&e===e.window},c={type:!0,src:!0,nonce:!0,noModule:!0};function b(e,t,n){var r,i,o=(n=n||E).createElement("script");if(o.text=e,t)for(r in c)(i=t[r]||t.getAttribute&&t.getAttribute(r))&&o.setAttribute(r,i);n.head.appendChild(o).parentNode.removeChild(o)}function w(e){return null==e?e+"":"object"==typeof e||"function"==typeof e?n[o.call(e)]||"object":typeof e}var f="3.4.1",k=function(e,t){return new k.fn.init(e,t)},p=/^[\s\uFEFF\xA0]+|[\s\uFEFF\xA0]+$/g;function d(e){var t=!!e&&"length"in e&&e.length,n=w(e);return!m(e)&&!x(e)&&("array"===n||0===t||"number"==typeof t&&0+~]|"+M+")"+M+"*"),U=new RegExp(M+"|>"),X=new RegExp($),V=new RegExp("^"+I+"$"),G={ID:new RegExp("^#("+I+")"),CLASS:new RegExp("^\\.("+I+")"),TAG:new RegExp("^("+I+"|[*])"),ATTR:new RegExp("^"+W),PSEUDO:new RegExp("^"+$),CHILD:new RegExp("^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\("+M+"*(even|odd|(([+-]|)(\\d*)n|)"+M+"*(?:([+-]|)"+M+"*(\\d+)|))"+M+"*\\)|)","i"),bool:new RegExp("^(?:"+R+")$","i"),needsContext:new RegExp("^"+M+"*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\("+M+"*((?:-\\d)?\\d*)"+M+"*\\)|)(?=[^-]|$)","i")},Y=/HTML$/i,Q=/^(?:input|select|textarea|button)$/i,J=/^h\d$/i,K=/^[^{]+\{\s*\[native \w/,Z=/^(?:#([\w-]+)|(\w+)|\.([\w-]+))$/,ee=/[+~]/,te=new RegExp("\\\\([\\da-f]{1,6}"+M+"?|("+M+")|.)","ig"),ne=function(e,t,n){var r="0x"+t-65536;return r!=r||n?t:r<0?String.fromCharCode(r+65536):String.fromCharCode(r>>10|55296,1023&r|56320)},re=/([\0-\x1f\x7f]|^-?\d)|^-$|[^\0-\x1f\x7f-\uFFFF\w-]/g,ie=function(e,t){return t?"\0"===e?"\ufffd":e.slice(0,-1)+"\\"+e.charCodeAt(e.length-1).toString(16)+" ":"\\"+e},oe=function(){T()},ae=be(function(e){return!0===e.disabled&&"fieldset"===e.nodeName.toLowerCase()},{dir:"parentNode",next:"legend"});try{H.apply(t=O.call(m.childNodes),m.childNodes),t[m.childNodes.length].nodeType}catch(e){H={apply:t.length?function(e,t){L.apply(e,O.call(t))}:function(e,t){var n=e.length,r=0;while(e[n++]=t[r++]);e.length=n-1}}}function se(t,e,n,r){var i,o,a,s,u,l,c,f=e&&e.ownerDocument,p=e?e.nodeType:9;if(n=n||[],"string"!=typeof t||!t||1!==p&&9!==p&&11!==p)return n;if(!r&&((e?e.ownerDocument||e:m)!==C&&T(e),e=e||C,E)){if(11!==p&&(u=Z.exec(t)))if(i=u[1]){if(9===p){if(!(a=e.getElementById(i)))return n;if(a.id===i)return n.push(a),n}else if(f&&(a=f.getElementById(i))&&y(e,a)&&a.id===i)return n.push(a),n}else{if(u[2])return H.apply(n,e.getElementsByTagName(t)),n;if((i=u[3])&&d.getElementsByClassName&&e.getElementsByClassName)return H.apply(n,e.getElementsByClassName(i)),n}if(d.qsa&&!A[t+" "]&&(!v||!v.test(t))&&(1!==p||"object"!==e.nodeName.toLowerCase())){if(c=t,f=e,1===p&&U.test(t)){(s=e.getAttribute("id"))?s=s.replace(re,ie):e.setAttribute("id",s=k),o=(l=h(t)).length;while(o--)l[o]="#"+s+" "+xe(l[o]);c=l.join(","),f=ee.test(t)&&ye(e.parentNode)||e}try{return H.apply(n,f.querySelectorAll(c)),n}catch(e){A(t,!0)}finally{s===k&&e.removeAttribute("id")}}}return g(t.replace(B,"$1"),e,n,r)}function ue(){var r=[];return function e(t,n){return r.push(t+" ")>b.cacheLength&&delete e[r.shift()],e[t+" "]=n}}function le(e){return e[k]=!0,e}function ce(e){var t=C.createElement("fieldset");try{return!!e(t)}catch(e){return!1}finally{t.parentNode&&t.parentNode.removeChild(t),t=null}}function fe(e,t){var n=e.split("|"),r=n.length;while(r--)b.attrHandle[n[r]]=t}function pe(e,t){var n=t&&e,r=n&&1===e.nodeType&&1===t.nodeType&&e.sourceIndex-t.sourceIndex;if(r)return r;if(n)while(n=n.nextSibling)if(n===t)return-1;return e?1:-1}function de(t){return function(e){return"input"===e.nodeName.toLowerCase()&&e.type===t}}function he(n){return function(e){var t=e.nodeName.toLowerCase();return("input"===t||"button"===t)&&e.type===n}}function ge(t){return function(e){return"form"in e?e.parentNode&&!1===e.disabled?"label"in e?"label"in e.parentNode?e.parentNode.disabled===t:e.disabled===t:e.isDisabled===t||e.isDisabled!==!t&&ae(e)===t:e.disabled===t:"label"in e&&e.disabled===t}}function ve(a){return le(function(o){return o=+o,le(function(e,t){var n,r=a([],e.length,o),i=r.length;while(i--)e[n=r[i]]&&(e[n]=!(t[n]=e[n]))})})}function ye(e){return e&&"undefined"!=typeof e.getElementsByTagName&&e}for(e in d=se.support={},i=se.isXML=function(e){var t=e.namespaceURI,n=(e.ownerDocument||e).documentElement;return!Y.test(t||n&&n.nodeName||"HTML")},T=se.setDocument=function(e){var t,n,r=e?e.ownerDocument||e:m;return r!==C&&9===r.nodeType&&r.documentElement&&(a=(C=r).documentElement,E=!i(C),m!==C&&(n=C.defaultView)&&n.top!==n&&(n.addEventListener?n.addEventListener("unload",oe,!1):n.attachEvent&&n.attachEvent("onunload",oe)),d.attributes=ce(function(e){return e.className="i",!e.getAttribute("className")}),d.getElementsByTagName=ce(function(e){return e.appendChild(C.createComment("")),!e.getElementsByTagName("*").length}),d.getElementsByClassName=K.test(C.getElementsByClassName),d.getById=ce(function(e){return a.appendChild(e).id=k,!C.getElementsByName||!C.getElementsByName(k).length}),d.getById?(b.filter.ID=function(e){var t=e.replace(te,ne);return function(e){return e.getAttribute("id")===t}},b.find.ID=function(e,t){if("undefined"!=typeof t.getElementById&&E){var n=t.getElementById(e);return n?[n]:[]}}):(b.filter.ID=function(e){var n=e.replace(te,ne);return function(e){var t="undefined"!=typeof e.getAttributeNode&&e.getAttributeNode("id");return t&&t.value===n}},b.find.ID=function(e,t){if("undefined"!=typeof t.getElementById&&E){var n,r,i,o=t.getElementById(e);if(o){if((n=o.getAttributeNode("id"))&&n.value===e)return[o];i=t.getElementsByName(e),r=0;while(o=i[r++])if((n=o.getAttributeNode("id"))&&n.value===e)return[o]}return[]}}),b.find.TAG=d.getElementsByTagName?function(e,t){return"undefined"!=typeof t.getElementsByTagName?t.getElementsByTagName(e):d.qsa?t.querySelectorAll(e):void 0}:function(e,t){var n,r=[],i=0,o=t.getElementsByTagName(e);if("*"===e){while(n=o[i++])1===n.nodeType&&r.push(n);return r}return o},b.find.CLASS=d.getElementsByClassName&&function(e,t){if("undefined"!=typeof t.getElementsByClassName&&E)return t.getElementsByClassName(e)},s=[],v=[],(d.qsa=K.test(C.querySelectorAll))&&(ce(function(e){a.appendChild(e).innerHTML="",e.querySelectorAll("[msallowcapture^='']").length&&v.push("[*^$]="+M+"*(?:''|\"\")"),e.querySelectorAll("[selected]").length||v.push("\\["+M+"*(?:value|"+R+")"),e.querySelectorAll("[id~="+k+"-]").length||v.push("~="),e.querySelectorAll(":checked").length||v.push(":checked"),e.querySelectorAll("a#"+k+"+*").length||v.push(".#.+[+~]")}),ce(function(e){e.innerHTML="";var t=C.createElement("input");t.setAttribute("type","hidden"),e.appendChild(t).setAttribute("name","D"),e.querySelectorAll("[name=d]").length&&v.push("name"+M+"*[*^$|!~]?="),2!==e.querySelectorAll(":enabled").length&&v.push(":enabled",":disabled"),a.appendChild(e).disabled=!0,2!==e.querySelectorAll(":disabled").length&&v.push(":enabled",":disabled"),e.querySelectorAll("*,:x"),v.push(",.*:")})),(d.matchesSelector=K.test(c=a.matches||a.webkitMatchesSelector||a.mozMatchesSelector||a.oMatchesSelector||a.msMatchesSelector))&&ce(function(e){d.disconnectedMatch=c.call(e,"*"),c.call(e,"[s!='']:x"),s.push("!=",$)}),v=v.length&&new RegExp(v.join("|")),s=s.length&&new RegExp(s.join("|")),t=K.test(a.compareDocumentPosition),y=t||K.test(a.contains)?function(e,t){var n=9===e.nodeType?e.documentElement:e,r=t&&t.parentNode;return e===r||!(!r||1!==r.nodeType||!(n.contains?n.contains(r):e.compareDocumentPosition&&16&e.compareDocumentPosition(r)))}:function(e,t){if(t)while(t=t.parentNode)if(t===e)return!0;return!1},D=t?function(e,t){if(e===t)return l=!0,0;var n=!e.compareDocumentPosition-!t.compareDocumentPosition;return n||(1&(n=(e.ownerDocument||e)===(t.ownerDocument||t)?e.compareDocumentPosition(t):1)||!d.sortDetached&&t.compareDocumentPosition(e)===n?e===C||e.ownerDocument===m&&y(m,e)?-1:t===C||t.ownerDocument===m&&y(m,t)?1:u?P(u,e)-P(u,t):0:4&n?-1:1)}:function(e,t){if(e===t)return l=!0,0;var n,r=0,i=e.parentNode,o=t.parentNode,a=[e],s=[t];if(!i||!o)return e===C?-1:t===C?1:i?-1:o?1:u?P(u,e)-P(u,t):0;if(i===o)return pe(e,t);n=e;while(n=n.parentNode)a.unshift(n);n=t;while(n=n.parentNode)s.unshift(n);while(a[r]===s[r])r++;return r?pe(a[r],s[r]):a[r]===m?-1:s[r]===m?1:0}),C},se.matches=function(e,t){return se(e,null,null,t)},se.matchesSelector=function(e,t){if((e.ownerDocument||e)!==C&&T(e),d.matchesSelector&&E&&!A[t+" "]&&(!s||!s.test(t))&&(!v||!v.test(t)))try{var n=c.call(e,t);if(n||d.disconnectedMatch||e.document&&11!==e.document.nodeType)return n}catch(e){A(t,!0)}return 0":{dir:"parentNode",first:!0}," ":{dir:"parentNode"},"+":{dir:"previousSibling",first:!0},"~":{dir:"previousSibling"}},preFilter:{ATTR:function(e){return e[1]=e[1].replace(te,ne),e[3]=(e[3]||e[4]||e[5]||"").replace(te,ne),"~="===e[2]&&(e[3]=" "+e[3]+" "),e.slice(0,4)},CHILD:function(e){return e[1]=e[1].toLowerCase(),"nth"===e[1].slice(0,3)?(e[3]||se.error(e[0]),e[4]=+(e[4]?e[5]+(e[6]||1):2*("even"===e[3]||"odd"===e[3])),e[5]=+(e[7]+e[8]||"odd"===e[3])):e[3]&&se.error(e[0]),e},PSEUDO:function(e){var t,n=!e[6]&&e[2];return G.CHILD.test(e[0])?null:(e[3]?e[2]=e[4]||e[5]||"":n&&X.test(n)&&(t=h(n,!0))&&(t=n.indexOf(")",n.length-t)-n.length)&&(e[0]=e[0].slice(0,t),e[2]=n.slice(0,t)),e.slice(0,3))}},filter:{TAG:function(e){var t=e.replace(te,ne).toLowerCase();return"*"===e?function(){return!0}:function(e){return e.nodeName&&e.nodeName.toLowerCase()===t}},CLASS:function(e){var t=p[e+" "];return t||(t=new RegExp("(^|"+M+")"+e+"("+M+"|$)"))&&p(e,function(e){return t.test("string"==typeof e.className&&e.className||"undefined"!=typeof e.getAttribute&&e.getAttribute("class")||"")})},ATTR:function(n,r,i){return function(e){var t=se.attr(e,n);return null==t?"!="===r:!r||(t+="","="===r?t===i:"!="===r?t!==i:"^="===r?i&&0===t.indexOf(i):"*="===r?i&&-1:\x20\t\r\n\f]*)[\x20\t\r\n\f]*\/?>(?:<\/\1>|)$/i;function j(e,n,r){return m(n)?k.grep(e,function(e,t){return!!n.call(e,t,e)!==r}):n.nodeType?k.grep(e,function(e){return e===n!==r}):"string"!=typeof n?k.grep(e,function(e){return-1)[^>]*|#([\w-]+))$/;(k.fn.init=function(e,t,n){var r,i;if(!e)return this;if(n=n||q,"string"==typeof e){if(!(r="<"===e[0]&&">"===e[e.length-1]&&3<=e.length?[null,e,null]:L.exec(e))||!r[1]&&t)return!t||t.jquery?(t||n).find(e):this.constructor(t).find(e);if(r[1]){if(t=t instanceof k?t[0]:t,k.merge(this,k.parseHTML(r[1],t&&t.nodeType?t.ownerDocument||t:E,!0)),D.test(r[1])&&k.isPlainObject(t))for(r in t)m(this[r])?this[r](t[r]):this.attr(r,t[r]);return this}return(i=E.getElementById(r[2]))&&(this[0]=i,this.length=1),this}return e.nodeType?(this[0]=e,this.length=1,this):m(e)?void 0!==n.ready?n.ready(e):e(k):k.makeArray(e,this)}).prototype=k.fn,q=k(E);var H=/^(?:parents|prev(?:Until|All))/,O={children:!0,contents:!0,next:!0,prev:!0};function P(e,t){while((e=e[t])&&1!==e.nodeType);return e}k.fn.extend({has:function(e){var t=k(e,this),n=t.length;return this.filter(function(){for(var e=0;e\x20\t\r\n\f]*)/i,he=/^$|^module$|\/(?:java|ecma)script/i,ge={option:[1,""],thead:[1,"","
"],col:[2,"","
"],tr:[2,"","
"],td:[3,"","
"],_default:[0,"",""]};function ve(e,t){var n;return n="undefined"!=typeof e.getElementsByTagName?e.getElementsByTagName(t||"*"):"undefined"!=typeof e.querySelectorAll?e.querySelectorAll(t||"*"):[],void 0===t||t&&A(e,t)?k.merge([e],n):n}function ye(e,t){for(var n=0,r=e.length;nx",y.noCloneChecked=!!me.cloneNode(!0).lastChild.defaultValue;var Te=/^key/,Ce=/^(?:mouse|pointer|contextmenu|drag|drop)|click/,Ee=/^([^.]*)(?:\.(.+)|)/;function ke(){return!0}function Se(){return!1}function Ne(e,t){return e===function(){try{return E.activeElement}catch(e){}}()==("focus"===t)}function Ae(e,t,n,r,i,o){var a,s;if("object"==typeof t){for(s in"string"!=typeof n&&(r=r||n,n=void 0),t)Ae(e,s,n,r,t[s],o);return e}if(null==r&&null==i?(i=n,r=n=void 0):null==i&&("string"==typeof n?(i=r,r=void 0):(i=r,r=n,n=void 0)),!1===i)i=Se;else if(!i)return e;return 1===o&&(a=i,(i=function(e){return k().off(e),a.apply(this,arguments)}).guid=a.guid||(a.guid=k.guid++)),e.each(function(){k.event.add(this,t,i,r,n)})}function De(e,i,o){o?(Q.set(e,i,!1),k.event.add(e,i,{namespace:!1,handler:function(e){var t,n,r=Q.get(this,i);if(1&e.isTrigger&&this[i]){if(r.length)(k.event.special[i]||{}).delegateType&&e.stopPropagation();else if(r=s.call(arguments),Q.set(this,i,r),t=o(this,i),this[i](),r!==(n=Q.get(this,i))||t?Q.set(this,i,!1):n={},r!==n)return e.stopImmediatePropagation(),e.preventDefault(),n.value}else r.length&&(Q.set(this,i,{value:k.event.trigger(k.extend(r[0],k.Event.prototype),r.slice(1),this)}),e.stopImmediatePropagation())}})):void 0===Q.get(e,i)&&k.event.add(e,i,ke)}k.event={global:{},add:function(t,e,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Q.get(t);if(v){n.handler&&(n=(o=n).handler,i=o.selector),i&&k.find.matchesSelector(ie,i),n.guid||(n.guid=k.guid++),(u=v.events)||(u=v.events={}),(a=v.handle)||(a=v.handle=function(e){return"undefined"!=typeof k&&k.event.triggered!==e.type?k.event.dispatch.apply(t,arguments):void 0}),l=(e=(e||"").match(R)||[""]).length;while(l--)d=g=(s=Ee.exec(e[l])||[])[1],h=(s[2]||"").split(".").sort(),d&&(f=k.event.special[d]||{},d=(i?f.delegateType:f.bindType)||d,f=k.event.special[d]||{},c=k.extend({type:d,origType:g,data:r,handler:n,guid:n.guid,selector:i,needsContext:i&&k.expr.match.needsContext.test(i),namespace:h.join(".")},o),(p=u[d])||((p=u[d]=[]).delegateCount=0,f.setup&&!1!==f.setup.call(t,r,h,a)||t.addEventListener&&t.addEventListener(d,a)),f.add&&(f.add.call(t,c),c.handler.guid||(c.handler.guid=n.guid)),i?p.splice(p.delegateCount++,0,c):p.push(c),k.event.global[d]=!0)}},remove:function(e,t,n,r,i){var o,a,s,u,l,c,f,p,d,h,g,v=Q.hasData(e)&&Q.get(e);if(v&&(u=v.events)){l=(t=(t||"").match(R)||[""]).length;while(l--)if(d=g=(s=Ee.exec(t[l])||[])[1],h=(s[2]||"").split(".").sort(),d){f=k.event.special[d]||{},p=u[d=(r?f.delegateType:f.bindType)||d]||[],s=s[2]&&new RegExp("(^|\\.)"+h.join("\\.(?:.*\\.|)")+"(\\.|$)"),a=o=p.length;while(o--)c=p[o],!i&&g!==c.origType||n&&n.guid!==c.guid||s&&!s.test(c.namespace)||r&&r!==c.selector&&("**"!==r||!c.selector)||(p.splice(o,1),c.selector&&p.delegateCount--,f.remove&&f.remove.call(e,c));a&&!p.length&&(f.teardown&&!1!==f.teardown.call(e,h,v.handle)||k.removeEvent(e,d,v.handle),delete u[d])}else for(d in u)k.event.remove(e,d+t[l],n,r,!0);k.isEmptyObject(u)&&Q.remove(e,"handle events")}},dispatch:function(e){var t,n,r,i,o,a,s=k.event.fix(e),u=new Array(arguments.length),l=(Q.get(this,"events")||{})[s.type]||[],c=k.event.special[s.type]||{};for(u[0]=s,t=1;t\x20\t\r\n\f]*)[^>]*)\/>/gi,qe=/\s*$/g;function Oe(e,t){return A(e,"table")&&A(11!==t.nodeType?t:t.firstChild,"tr")&&k(e).children("tbody")[0]||e}function Pe(e){return e.type=(null!==e.getAttribute("type"))+"/"+e.type,e}function Re(e){return"true/"===(e.type||"").slice(0,5)?e.type=e.type.slice(5):e.removeAttribute("type"),e}function Me(e,t){var n,r,i,o,a,s,u,l;if(1===t.nodeType){if(Q.hasData(e)&&(o=Q.access(e),a=Q.set(t,o),l=o.events))for(i in delete a.handle,a.events={},l)for(n=0,r=l[i].length;n")},clone:function(e,t,n){var r,i,o,a,s,u,l,c=e.cloneNode(!0),f=oe(e);if(!(y.noCloneChecked||1!==e.nodeType&&11!==e.nodeType||k.isXMLDoc(e)))for(a=ve(c),r=0,i=(o=ve(e)).length;r").attr(n.scriptAttrs||{}).prop({charset:n.scriptCharset,src:n.url}).on("load error",i=function(e){r.remove(),i=null,e&&t("error"===e.type?404:200,e.type)}),E.head.appendChild(r[0])},abort:function(){i&&i()}}});var Vt,Gt=[],Yt=/(=)\?(?=&|$)|\?\?/;k.ajaxSetup({jsonp:"callback",jsonpCallback:function(){var e=Gt.pop()||k.expando+"_"+kt++;return this[e]=!0,e}}),k.ajaxPrefilter("json jsonp",function(e,t,n){var r,i,o,a=!1!==e.jsonp&&(Yt.test(e.url)?"url":"string"==typeof e.data&&0===(e.contentType||"").indexOf("application/x-www-form-urlencoded")&&Yt.test(e.data)&&"data");if(a||"jsonp"===e.dataTypes[0])return r=e.jsonpCallback=m(e.jsonpCallback)?e.jsonpCallback():e.jsonpCallback,a?e[a]=e[a].replace(Yt,"$1"+r):!1!==e.jsonp&&(e.url+=(St.test(e.url)?"&":"?")+e.jsonp+"="+r),e.converters["script json"]=function(){return o||k.error(r+" was not called"),o[0]},e.dataTypes[0]="json",i=C[r],C[r]=function(){o=arguments},n.always(function(){void 0===i?k(C).removeProp(r):C[r]=i,e[r]&&(e.jsonpCallback=t.jsonpCallback,Gt.push(r)),o&&m(i)&&i(o[0]),o=i=void 0}),"script"}),y.createHTMLDocument=((Vt=E.implementation.createHTMLDocument("").body).innerHTML="
",2===Vt.childNodes.length),k.parseHTML=function(e,t,n){return"string"!=typeof e?[]:("boolean"==typeof t&&(n=t,t=!1),t||(y.createHTMLDocument?((r=(t=E.implementation.createHTMLDocument("")).createElement("base")).href=E.location.href,t.head.appendChild(r)):t=E),o=!n&&[],(i=D.exec(e))?[t.createElement(i[1])]:(i=we([e],t,o),o&&o.length&&k(o).remove(),k.merge([],i.childNodes)));var r,i,o},k.fn.load=function(e,t,n){var r,i,o,a=this,s=e.indexOf(" ");return-1").append(k.parseHTML(e)).find(r):e)}).always(n&&function(e,t){a.each(function(){n.apply(this,o||[e.responseText,t,e])})}),this},k.each(["ajaxStart","ajaxStop","ajaxComplete","ajaxError","ajaxSuccess","ajaxSend"],function(e,t){k.fn[t]=function(e){return this.on(t,e)}}),k.expr.pseudos.animated=function(t){return k.grep(k.timers,function(e){return t===e.elem}).length},k.offset={setOffset:function(e,t,n){var r,i,o,a,s,u,l=k.css(e,"position"),c=k(e),f={};"static"===l&&(e.style.position="relative"),s=c.offset(),o=k.css(e,"top"),u=k.css(e,"left"),("absolute"===l||"fixed"===l)&&-1<(o+u).indexOf("auto")?(a=(r=c.position()).top,i=r.left):(a=parseFloat(o)||0,i=parseFloat(u)||0),m(t)&&(t=t.call(e,n,k.extend({},s))),null!=t.top&&(f.top=t.top-s.top+a),null!=t.left&&(f.left=t.left-s.left+i),"using"in t?t.using.call(e,f):c.css(f)}},k.fn.extend({offset:function(t){if(arguments.length)return void 0===t?this:this.each(function(e){k.offset.setOffset(this,t,e)});var e,n,r=this[0];return r?r.getClientRects().length?(e=r.getBoundingClientRect(),n=r.ownerDocument.defaultView,{top:e.top+n.pageYOffset,left:e.left+n.pageXOffset}):{top:0,left:0}:void 0},position:function(){if(this[0]){var e,t,n,r=this[0],i={top:0,left:0};if("fixed"===k.css(r,"position"))t=r.getBoundingClientRect();else{t=this.offset(),n=r.ownerDocument,e=r.offsetParent||n.documentElement;while(e&&(e===n.body||e===n.documentElement)&&"static"===k.css(e,"position"))e=e.parentNode;e&&e!==r&&1===e.nodeType&&((i=k(e).offset()).top+=k.css(e,"borderTopWidth",!0),i.left+=k.css(e,"borderLeftWidth",!0))}return{top:t.top-i.top-k.css(r,"marginTop",!0),left:t.left-i.left-k.css(r,"marginLeft",!0)}}},offsetParent:function(){return this.map(function(){var e=this.offsetParent;while(e&&"static"===k.css(e,"position"))e=e.offsetParent;return e||ie})}}),k.each({scrollLeft:"pageXOffset",scrollTop:"pageYOffset"},function(t,i){var o="pageYOffset"===i;k.fn[t]=function(e){return _(this,function(e,t,n){var r;if(x(e)?r=e:9===e.nodeType&&(r=e.defaultView),void 0===n)return r?r[i]:e[t];r?r.scrollTo(o?r.pageXOffset:n,o?n:r.pageYOffset):e[t]=n},t,e,arguments.length)}}),k.each(["top","left"],function(e,n){k.cssHooks[n]=ze(y.pixelPosition,function(e,t){if(t)return t=_e(e,n),$e.test(t)?k(e).position()[n]+"px":t})}),k.each({Height:"height",Width:"width"},function(a,s){k.each({padding:"inner"+a,content:s,"":"outer"+a},function(r,o){k.fn[o]=function(e,t){var n=arguments.length&&(r||"boolean"!=typeof e),i=r||(!0===e||!0===t?"margin":"border");return _(this,function(e,t,n){var r;return x(e)?0===o.indexOf("outer")?e["inner"+a]:e.document.documentElement["client"+a]:9===e.nodeType?(r=e.documentElement,Math.max(e.body["scroll"+a],r["scroll"+a],e.body["offset"+a],r["offset"+a],r["client"+a])):void 0===n?k.css(e,t,i):k.style(e,t,n,i)},s,n?e:void 0,n)}})}),k.each("blur focus focusin focusout resize scroll click dblclick mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave change select submit keydown keypress keyup contextmenu".split(" "),function(e,n){k.fn[n]=function(e,t){return 0+~]|"+M+")"+M+"*"),U=new RegExp(M+"|>"),X=new RegExp(F),V=new RegExp("^"+I+"$"),G={ID:new RegExp("^#("+I+")"),CLASS:new RegExp("^\\.("+I+")"),TAG:new RegExp("^("+I+"|[*])"),ATTR:new RegExp("^"+W),PSEUDO:new RegExp("^"+F),CHILD:new RegExp("^:(only|first|last|nth|nth-last)-(child|of-type)(?:\\("+M+"*(even|odd|(([+-]|)(\\d*)n|)"+M+"*(?:([+-]|)"+M+"*(\\d+)|))"+M+"*\\)|)","i"),bool:new RegExp("^(?:"+R+")$","i"),needsContext:new RegExp("^"+M+"*[>+~]|:(even|odd|eq|gt|lt|nth|first|last)(?:\\("+M+"*((?:-\\d)?\\d*)"+M+"*\\)|)(?=[^-]|$)","i")},Y=/HTML$/i,Q=/^(?:input|select|textarea|button)$/i,J=/^h\d$/i,K=/^[^{]+\{\s*\[native \w/,Z=/^(?:#([\w-]+)|(\w+)|\.([\w-]+))$/,ee=/[+~]/,te=new RegExp("\\\\[\\da-fA-F]{1,6}"+M+"?|\\\\([^\\r\\n\\f])","g"),ne=function(e,t){var n="0x"+e.slice(1)-65536;return t||(n<0?String.fromCharCode(n+65536):String.fromCharCode(n>>10|55296,1023&n|56320))},re=/([\0-\x1f\x7f]|^-?\d)|^-$|[^\0-\x1f\x7f-\uFFFF\w-]/g,ie=function(e,t){return t?"\0"===e?"\ufffd":e.slice(0,-1)+"\\"+e.charCodeAt(e.length-1).toString(16)+" ":"\\"+e},oe=function(){T()},ae=be(function(e){return!0===e.disabled&&"fieldset"===e.nodeName.toLowerCase()},{dir:"parentNode",next:"legend"});try{H.apply(t=O.call(p.childNodes),p.childNodes),t[p.childNodes.length].nodeType}catch(e){H={apply:t.length?function(e,t){L.apply(e,O.call(t))}:function(e,t){var n=e.length,r=0;while(e[n++]=t[r++]);e.length=n-1}}}function se(t,e,n,r){var i,o,a,s,u,l,c,f=e&&e.ownerDocument,p=e?e.nodeType:9;if(n=n||[],"string"!=typeof t||!t||1!==p&&9!==p&&11!==p)return n;if(!r&&(T(e),e=e||C,E)){if(11!==p&&(u=Z.exec(t)))if(i=u[1]){if(9===p){if(!(a=e.getElementById(i)))return n;if(a.id===i)return n.push(a),n}else if(f&&(a=f.getElementById(i))&&y(e,a)&&a.id===i)return n.push(a),n}else{if(u[2])return H.apply(n,e.getElementsByTagName(t)),n;if((i=u[3])&&d.getElementsByClassName&&e.getElementsByClassName)return H.apply(n,e.getElementsByClassName(i)),n}if(d.qsa&&!N[t+" "]&&(!v||!v.test(t))&&(1!==p||"object"!==e.nodeName.toLowerCase())){if(c=t,f=e,1===p&&(U.test(t)||z.test(t))){(f=ee.test(t)&&ye(e.parentNode)||e)===e&&d.scope||((s=e.getAttribute("id"))?s=s.replace(re,ie):e.setAttribute("id",s=S)),o=(l=h(t)).length;while(o--)l[o]=(s?"#"+s:":scope")+" "+xe(l[o]);c=l.join(",")}try{return H.apply(n,f.querySelectorAll(c)),n}catch(e){N(t,!0)}finally{s===S&&e.removeAttribute("id")}}}return g(t.replace($,"$1"),e,n,r)}function ue(){var r=[];return function e(t,n){return r.push(t+" ")>b.cacheLength&&delete e[r.shift()],e[t+" "]=n}}function le(e){return e[S]=!0,e}function ce(e){var t=C.createElement("fieldset");try{return!!e(t)}catch(e){return!1}finally{t.parentNode&&t.parentNode.removeChild(t),t=null}}function fe(e,t){var n=e.split("|"),r=n.length;while(r--)b.attrHandle[n[r]]=t}function pe(e,t){var n=t&&e,r=n&&1===e.nodeType&&1===t.nodeType&&e.sourceIndex-t.sourceIndex;if(r)return r;if(n)while(n=n.nextSibling)if(n===t)return-1;return e?1:-1}function de(t){return function(e){return"input"===e.nodeName.toLowerCase()&&e.type===t}}function he(n){return function(e){var t=e.nodeName.toLowerCase();return("input"===t||"button"===t)&&e.type===n}}function ge(t){return function(e){return"form"in e?e.parentNode&&!1===e.disabled?"label"in e?"label"in e.parentNode?e.parentNode.disabled===t:e.disabled===t:e.isDisabled===t||e.isDisabled!==!t&&ae(e)===t:e.disabled===t:"label"in e&&e.disabled===t}}function ve(a){return le(function(o){return o=+o,le(function(e,t){var n,r=a([],e.length,o),i=r.length;while(i--)e[n=r[i]]&&(e[n]=!(t[n]=e[n]))})})}function ye(e){return e&&"undefined"!=typeof e.getElementsByTagName&&e}for(e in d=se.support={},i=se.isXML=function(e){var t=e&&e.namespaceURI,n=e&&(e.ownerDocument||e).documentElement;return!Y.test(t||n&&n.nodeName||"HTML")},T=se.setDocument=function(e){var t,n,r=e?e.ownerDocument||e:p;return r!=C&&9===r.nodeType&&r.documentElement&&(a=(C=r).documentElement,E=!i(C),p!=C&&(n=C.defaultView)&&n.top!==n&&(n.addEventListener?n.addEventListener("unload",oe,!1):n.attachEvent&&n.attachEvent("onunload",oe)),d.scope=ce(function(e){return a.appendChild(e).appendChild(C.createElement("div")),"undefined"!=typeof e.querySelectorAll&&!e.querySelectorAll(":scope fieldset div").length}),d.attributes=ce(function(e){return e.className="i",!e.getAttribute("className")}),d.getElementsByTagName=ce(function(e){return e.appendChild(C.createComment("")),!e.getElementsByTagName("*").length}),d.getElementsByClassName=K.test(C.getElementsByClassName),d.getById=ce(function(e){return a.appendChild(e).id=S,!C.getElementsByName||!C.getElementsByName(S).length}),d.getById?(b.filter.ID=function(e){var t=e.replace(te,ne);return function(e){return e.getAttribute("id")===t}},b.find.ID=function(e,t){if("undefined"!=typeof t.getElementById&&E){var n=t.getElementById(e);return n?[n]:[]}}):(b.filter.ID=function(e){var n=e.replace(te,ne);return function(e){var t="undefined"!=typeof e.getAttributeNode&&e.getAttributeNode("id");return t&&t.value===n}},b.find.ID=function(e,t){if("undefined"!=typeof t.getElementById&&E){var n,r,i,o=t.getElementById(e);if(o){if((n=o.getAttributeNode("id"))&&n.value===e)return[o];i=t.getElementsByName(e),r=0;while(o=i[r++])if((n=o.getAttributeNode("id"))&&n.value===e)return[o]}return[]}}),b.find.TAG=d.getElementsByTagName?function(e,t){return"undefined"!=typeof t.getElementsByTagName?t.getElementsByTagName(e):d.qsa?t.querySelectorAll(e):void 0}:function(e,t){var n,r=[],i=0,o=t.getElementsByTagName(e);if("*"===e){while(n=o[i++])1===n.nodeType&&r.push(n);return r}return o},b.find.CLASS=d.getElementsByClassName&&function(e,t){if("undefined"!=typeof t.getElementsByClassName&&E)return t.getElementsByClassName(e)},s=[],v=[],(d.qsa=K.test(C.querySelectorAll))&&(ce(function(e){var t;a.appendChild(e).innerHTML="",e.querySelectorAll("[msallowcapture^='']").length&&v.push("[*^$]="+M+"*(?:''|\"\")"),e.querySelectorAll("[selected]").length||v.push("\\["+M+"*(?:value|"+R+")"),e.querySelectorAll("[id~="+S+"-]").length||v.push("~="),(t=C.createElement("input")).setAttribute("name",""),e.appendChild(t),e.querySelectorAll("[name='']").length||v.push("\\["+M+"*name"+M+"*="+M+"*(?:''|\"\")"),e.querySelectorAll(":checked").length||v.push(":checked"),e.querySelectorAll("a#"+S+"+*").length||v.push(".#.+[+~]"),e.querySelectorAll("\\\f"),v.push("[\\r\\n\\f]")}),ce(function(e){e.innerHTML="";var t=C.createElement("input");t.setAttribute("type","hidden"),e.appendChild(t).setAttribute("name","D"),e.querySelectorAll("[name=d]").length&&v.push("name"+M+"*[*^$|!~]?="),2!==e.querySelectorAll(":enabled").length&&v.push(":enabled",":disabled"),a.appendChild(e).disabled=!0,2!==e.querySelectorAll(":disabled").length&&v.push(":enabled",":disabled"),e.querySelectorAll("*,:x"),v.push(",.*:")})),(d.matchesSelector=K.test(c=a.matches||a.webkitMatchesSelector||a.mozMatchesSelector||a.oMatchesSelector||a.msMatchesSelector))&&ce(function(e){d.disconnectedMatch=c.call(e,"*"),c.call(e,"[s!='']:x"),s.push("!=",F)}),v=v.length&&new RegExp(v.join("|")),s=s.length&&new RegExp(s.join("|")),t=K.test(a.compareDocumentPosition),y=t||K.test(a.contains)?function(e,t){var n=9===e.nodeType?e.documentElement:e,r=t&&t.parentNode;return e===r||!(!r||1!==r.nodeType||!(n.contains?n.contains(r):e.compareDocumentPosition&&16&e.compareDocumentPosition(r)))}:function(e,t){if(t)while(t=t.parentNode)if(t===e)return!0;return!1},j=t?function(e,t){if(e===t)return l=!0,0;var n=!e.compareDocumentPosition-!t.compareDocumentPosition;return n||(1&(n=(e.ownerDocument||e)==(t.ownerDocument||t)?e.compareDocumentPosition(t):1)||!d.sortDetached&&t.compareDocumentPosition(e)===n?e==C||e.ownerDocument==p&&y(p,e)?-1:t==C||t.ownerDocument==p&&y(p,t)?1:u?P(u,e)-P(u,t):0:4&n?-1:1)}:function(e,t){if(e===t)return l=!0,0;var n,r=0,i=e.parentNode,o=t.parentNode,a=[e],s=[t];if(!i||!o)return e==C?-1:t==C?1:i?-1:o?1:u?P(u,e)-P(u,t):0;if(i===o)return pe(e,t);n=e;while(n=n.parentNode)a.unshift(n);n=t;while(n=n.parentNode)s.unshift(n);while(a[r]===s[r])r++;return r?pe(a[r],s[r]):a[r]==p?-1:s[r]==p?1:0}),C},se.matches=function(e,t){return se(e,null,null,t)},se.matchesSelector=function(e,t){if(T(e),d.matchesSelector&&E&&!N[t+" "]&&(!s||!s.test(t))&&(!v||!v.test(t)))try{var n=c.call(e,t);if(n||d.disconnectedMatch||e.document&&11!==e.document.nodeType)return n}catch(e){N(t,!0)}return 0":{dir:"parentNode",first:!0}," ":{dir:"parentNode"},"+":{dir:"previousSibling",first:!0},"~":{dir:"previousSibling"}},preFilter:{ATTR:function(e){return e[1]=e[1].replace(te,ne),e[3]=(e[3]||e[4]||e[5]||"").replace(te,ne),"~="===e[2]&&(e[3]=" "+e[3]+" "),e.slice(0,4)},CHILD:function(e){return e[1]=e[1].toLowerCase(),"nth"===e[1].slice(0,3)?(e[3]||se.error(e[0]),e[4]=+(e[4]?e[5]+(e[6]||1):2*("even"===e[3]||"odd"===e[3])),e[5]=+(e[7]+e[8]||"odd"===e[3])):e[3]&&se.error(e[0]),e},PSEUDO:function(e){var t,n=!e[6]&&e[2];return G.CHILD.test(e[0])?null:(e[3]?e[2]=e[4]||e[5]||"":n&&X.test(n)&&(t=h(n,!0))&&(t=n.indexOf(")",n.length-t)-n.length)&&(e[0]=e[0].slice(0,t),e[2]=n.slice(0,t)),e.slice(0,3))}},filter:{TAG:function(e){var t=e.replace(te,ne).toLowerCase();return"*"===e?function(){return!0}:function(e){return e.nodeName&&e.nodeName.toLowerCase()===t}},CLASS:function(e){var t=m[e+" "];return t||(t=new RegExp("(^|"+M+")"+e+"("+M+"|$)"))&&m(e,function(e){return t.test("string"==typeof e.className&&e.className||"undefined"!=typeof e.getAttribute&&e.getAttribute("class")||"")})},ATTR:function(n,r,i){return function(e){var t=se.attr(e,n);return null==t?"!="===r:!r||(t+="","="===r?t===i:"!="===r?t!==i:"^="===r?i&&0===t.indexOf(i):"*="===r?i&&-1:\x20\t\r\n\f]*)[\x20\t\r\n\f]*\/?>(?:<\/\1>|)$/i;function j(e,n,r){return m(n)?S.grep(e,function(e,t){return!!n.call(e,t,e)!==r}):n.nodeType?S.grep(e,function(e){return e===n!==r}):"string"!=typeof n?S.grep(e,function(e){return-1)[^>]*|#([\w-]+))$/;(S.fn.init=function(e,t,n){var r,i;if(!e)return this;if(n=n||D,"string"==typeof e){if(!(r="<"===e[0]&&">"===e[e.length-1]&&3<=e.length?[null,e,null]:q.exec(e))||!r[1]&&t)return!t||t.jquery?(t||n).find(e):this.constructor(t).find(e);if(r[1]){if(t=t instanceof S?t[0]:t,S.merge(this,S.parseHTML(r[1],t&&t.nodeType?t.ownerDocument||t:E,!0)),N.test(r[1])&&S.isPlainObject(t))for(r in t)m(this[r])?this[r](t[r]):this.attr(r,t[r]);return this}return(i=E.getElementById(r[2]))&&(this[0]=i,this.length=1),this}return e.nodeType?(this[0]=e,this.length=1,this):m(e)?void 0!==n.ready?n.ready(e):e(S):S.makeArray(e,this)}).prototype=S.fn,D=S(E);var L=/^(?:parents|prev(?:Until|All))/,H={children:!0,contents:!0,next:!0,prev:!0};function O(e,t){while((e=e[t])&&1!==e.nodeType);return e}S.fn.extend({has:function(e){var t=S(e,this),n=t.length;return this.filter(function(){for(var e=0;e\x20\t\r\n\f]*)/i,he=/^$|^module$|\/(?:java|ecma)script/i;ce=E.createDocumentFragment().appendChild(E.createElement("div")),(fe=E.createElement("input")).setAttribute("type","radio"),fe.setAttribute("checked","checked"),fe.setAttribute("name","t"),ce.appendChild(fe),y.checkClone=ce.cloneNode(!0).cloneNode(!0).lastChild.checked,ce.innerHTML="",y.noCloneChecked=!!ce.cloneNode(!0).lastChild.defaultValue,ce.innerHTML="",y.option=!!ce.lastChild;var ge={thead:[1,"","
"],col:[2,"","
"],tr:[2,"","
"],td:[3,"","
"],_default:[0,"",""]};function ve(e,t){var n;return n="undefined"!=typeof e.getElementsByTagName?e.getElementsByTagName(t||"*"):"undefined"!=typeof e.querySelectorAll?e.querySelectorAll(t||"*"):[],void 0===t||t&&A(e,t)?S.merge([e],n):n}function ye(e,t){for(var n=0,r=e.length;n",""]);var me=/<|&#?\w+;/;function xe(e,t,n,r,i){for(var o,a,s,u,l,c,f=t.createDocumentFragment(),p=[],d=0,h=e.length;d\s*$/g;function je(e,t){return A(e,"table")&&A(11!==t.nodeType?t:t.firstChild,"tr")&&S(e).children("tbody")[0]||e}function De(e){return e.type=(null!==e.getAttribute("type"))+"/"+e.type,e}function qe(e){return"true/"===(e.type||"").slice(0,5)?e.type=e.type.slice(5):e.removeAttribute("type"),e}function Le(e,t){var n,r,i,o,a,s;if(1===t.nodeType){if(Y.hasData(e)&&(s=Y.get(e).events))for(i in Y.remove(t,"handle events"),s)for(n=0,r=s[i].length;n").attr(n.scriptAttrs||{}).prop({charset:n.scriptCharset,src:n.url}).on("load error",i=function(e){r.remove(),i=null,e&&t("error"===e.type?404:200,e.type)}),E.head.appendChild(r[0])},abort:function(){i&&i()}}});var _t,zt=[],Ut=/(=)\?(?=&|$)|\?\?/;S.ajaxSetup({jsonp:"callback",jsonpCallback:function(){var e=zt.pop()||S.expando+"_"+wt.guid++;return this[e]=!0,e}}),S.ajaxPrefilter("json jsonp",function(e,t,n){var r,i,o,a=!1!==e.jsonp&&(Ut.test(e.url)?"url":"string"==typeof e.data&&0===(e.contentType||"").indexOf("application/x-www-form-urlencoded")&&Ut.test(e.data)&&"data");if(a||"jsonp"===e.dataTypes[0])return r=e.jsonpCallback=m(e.jsonpCallback)?e.jsonpCallback():e.jsonpCallback,a?e[a]=e[a].replace(Ut,"$1"+r):!1!==e.jsonp&&(e.url+=(Tt.test(e.url)?"&":"?")+e.jsonp+"="+r),e.converters["script json"]=function(){return o||S.error(r+" was not called"),o[0]},e.dataTypes[0]="json",i=C[r],C[r]=function(){o=arguments},n.always(function(){void 0===i?S(C).removeProp(r):C[r]=i,e[r]&&(e.jsonpCallback=t.jsonpCallback,zt.push(r)),o&&m(i)&&i(o[0]),o=i=void 0}),"script"}),y.createHTMLDocument=((_t=E.implementation.createHTMLDocument("").body).innerHTML="
",2===_t.childNodes.length),S.parseHTML=function(e,t,n){return"string"!=typeof e?[]:("boolean"==typeof t&&(n=t,t=!1),t||(y.createHTMLDocument?((r=(t=E.implementation.createHTMLDocument("")).createElement("base")).href=E.location.href,t.head.appendChild(r)):t=E),o=!n&&[],(i=N.exec(e))?[t.createElement(i[1])]:(i=xe([e],t,o),o&&o.length&&S(o).remove(),S.merge([],i.childNodes)));var r,i,o},S.fn.load=function(e,t,n){var r,i,o,a=this,s=e.indexOf(" ");return-1").append(S.parseHTML(e)).find(r):e)}).always(n&&function(e,t){a.each(function(){n.apply(this,o||[e.responseText,t,e])})}),this},S.expr.pseudos.animated=function(t){return S.grep(S.timers,function(e){return t===e.elem}).length},S.offset={setOffset:function(e,t,n){var r,i,o,a,s,u,l=S.css(e,"position"),c=S(e),f={};"static"===l&&(e.style.position="relative"),s=c.offset(),o=S.css(e,"top"),u=S.css(e,"left"),("absolute"===l||"fixed"===l)&&-1<(o+u).indexOf("auto")?(a=(r=c.position()).top,i=r.left):(a=parseFloat(o)||0,i=parseFloat(u)||0),m(t)&&(t=t.call(e,n,S.extend({},s))),null!=t.top&&(f.top=t.top-s.top+a),null!=t.left&&(f.left=t.left-s.left+i),"using"in t?t.using.call(e,f):c.css(f)}},S.fn.extend({offset:function(t){if(arguments.length)return void 0===t?this:this.each(function(e){S.offset.setOffset(this,t,e)});var e,n,r=this[0];return r?r.getClientRects().length?(e=r.getBoundingClientRect(),n=r.ownerDocument.defaultView,{top:e.top+n.pageYOffset,left:e.left+n.pageXOffset}):{top:0,left:0}:void 0},position:function(){if(this[0]){var e,t,n,r=this[0],i={top:0,left:0};if("fixed"===S.css(r,"position"))t=r.getBoundingClientRect();else{t=this.offset(),n=r.ownerDocument,e=r.offsetParent||n.documentElement;while(e&&(e===n.body||e===n.documentElement)&&"static"===S.css(e,"position"))e=e.parentNode;e&&e!==r&&1===e.nodeType&&((i=S(e).offset()).top+=S.css(e,"borderTopWidth",!0),i.left+=S.css(e,"borderLeftWidth",!0))}return{top:t.top-i.top-S.css(r,"marginTop",!0),left:t.left-i.left-S.css(r,"marginLeft",!0)}}},offsetParent:function(){return this.map(function(){var e=this.offsetParent;while(e&&"static"===S.css(e,"position"))e=e.offsetParent;return e||re})}}),S.each({scrollLeft:"pageXOffset",scrollTop:"pageYOffset"},function(t,i){var o="pageYOffset"===i;S.fn[t]=function(e){return $(this,function(e,t,n){var r;if(x(e)?r=e:9===e.nodeType&&(r=e.defaultView),void 0===n)return r?r[i]:e[t];r?r.scrollTo(o?r.pageXOffset:n,o?n:r.pageYOffset):e[t]=n},t,e,arguments.length)}}),S.each(["top","left"],function(e,n){S.cssHooks[n]=Fe(y.pixelPosition,function(e,t){if(t)return t=We(e,n),Pe.test(t)?S(e).position()[n]+"px":t})}),S.each({Height:"height",Width:"width"},function(a,s){S.each({padding:"inner"+a,content:s,"":"outer"+a},function(r,o){S.fn[o]=function(e,t){var n=arguments.length&&(r||"boolean"!=typeof e),i=r||(!0===e||!0===t?"margin":"border");return $(this,function(e,t,n){var r;return x(e)?0===o.indexOf("outer")?e["inner"+a]:e.document.documentElement["client"+a]:9===e.nodeType?(r=e.documentElement,Math.max(e.body["scroll"+a],r["scroll"+a],e.body["offset"+a],r["offset"+a],r["client"+a])):void 0===n?S.css(e,t,i):S.style(e,t,n,i)},s,n?e:void 0,n)}})}),S.each(["ajaxStart","ajaxStop","ajaxComplete","ajaxError","ajaxSuccess","ajaxSend"],function(e,t){S.fn[t]=function(e){return this.on(t,e)}}),S.fn.extend({bind:function(e,t,n){return this.on(e,null,t,n)},unbind:function(e,t){return this.off(e,null,t)},delegate:function(e,t,n,r){return this.on(t,e,n,r)},undelegate:function(e,t,n){return 1===arguments.length?this.off(e,"**"):this.off(t,e||"**",n)},hover:function(e,t){return this.mouseenter(e).mouseleave(t||e)}}),S.each("blur focus focusin focusout resize scroll click dblclick mousedown mouseup mousemove mouseover mouseout mouseenter mouseleave change select submit keydown keypress keyup contextmenu".split(" "),function(e,n){S.fn[n]=function(e,t){return 0").html($(this).html()); + }); + }}); + + /* + * Scroll the window to avoid the topnav bar + * https://github.com/twitter/bootstrap/issues/1768 + */ + if ($(".navbar.navbar-fixed-top").length > 0) { + // var navHeight = $(".navbar").height(), + var navHeight = 40, + shiftWindow = function() { scrollBy(0, -navHeight - 10); }; + if (location.hash) { + setTimeout(shiftWindow, 1); + } + window.addEventListener("hashchange", shiftWindow); + } + +}); \ No newline at end of file diff --git a/docs/build/html/_static/js/bootstrap2.min.js b/docs/build/html/_static/js/bootstrap2.min.js new file mode 100644 index 0000000..f9cbdae --- /dev/null +++ b/docs/build/html/_static/js/bootstrap2.min.js @@ -0,0 +1,6 @@ +/*! +* Bootstrap.js by @fat & @mdo +* Copyright 2012 Twitter, Inc. +* http://www.apache.org/licenses/LICENSE-2.0.txt +*/ +!function(e){"use strict";e(function(){e.support.transition=function(){var e=function(){var e=document.createElement("bootstrap"),t={WebkitTransition:"webkitTransitionEnd",MozTransition:"transitionend",OTransition:"oTransitionEnd otransitionend",transition:"transitionend"},n;for(n in t)if(e.style[n]!==undefined)return t[n]}();return e&&{end:e}}()})}(window.jQuery),!function(e){"use strict";var t='[data-dismiss="alert"]',n=function(n){e(n).on("click",t,this.close)};n.prototype.close=function(t){function s(){i.trigger("closed").remove()}var n=e(this),r=n.attr("data-target"),i;r||(r=n.attr("href"),r=r&&r.replace(/.*(?=#[^\s]*$)/,"")),i=e(r),t&&t.preventDefault(),i.length||(i=n.hasClass("alert")?n:n.parent()),i.trigger(t=e.Event("close"));if(t.isDefaultPrevented())return;i.removeClass("in"),e.support.transition&&i.hasClass("fade")?i.on(e.support.transition.end,s):s()};var r=e.fn.alert;e.fn.alert=function(t){return this.each(function(){var r=e(this),i=r.data("alert");i||r.data("alert",i=new n(this)),typeof t=="string"&&i[t].call(r)})},e.fn.alert.Constructor=n,e.fn.alert.noConflict=function(){return e.fn.alert=r,this},e(document).on("click.alert.data-api",t,n.prototype.close)}(window.jQuery),!function(e){"use strict";var t=function(t,n){this.$element=e(t),this.options=e.extend({},e.fn.button.defaults,n)};t.prototype.setState=function(e){var t="disabled",n=this.$element,r=n.data(),i=n.is("input")?"val":"html";e+="Text",r.resetText||n.data("resetText",n[i]()),n[i](r[e]||this.options[e]),setTimeout(function(){e=="loadingText"?n.addClass(t).attr(t,t):n.removeClass(t).removeAttr(t)},0)},t.prototype.toggle=function(){var e=this.$element.closest('[data-toggle="buttons-radio"]');e&&e.find(".active").removeClass("active"),this.$element.toggleClass("active")};var n=e.fn.button;e.fn.button=function(n){return this.each(function(){var r=e(this),i=r.data("button"),s=typeof n=="object"&&n;i||r.data("button",i=new t(this,s)),n=="toggle"?i.toggle():n&&i.setState(n)})},e.fn.button.defaults={loadingText:"loading..."},e.fn.button.Constructor=t,e.fn.button.noConflict=function(){return e.fn.button=n,this},e(document).on("click.button.data-api","[data-toggle^=button]",function(t){var n=e(t.target);n.hasClass("btn")||(n=n.closest(".btn")),n.button("toggle")})}(window.jQuery),!function(e){"use strict";var t=function(t,n){this.$element=e(t),this.$indicators=this.$element.find(".carousel-indicators"),this.options=n,this.options.pause=="hover"&&this.$element.on("mouseenter",e.proxy(this.pause,this)).on("mouseleave",e.proxy(this.cycle,this))};t.prototype={cycle:function(t){return t||(this.paused=!1),this.interval&&clearInterval(this.interval),this.options.interval&&!this.paused&&(this.interval=setInterval(e.proxy(this.next,this),this.options.interval)),this},getActiveIndex:function(){return this.$active=this.$element.find(".item.active"),this.$items=this.$active.parent().children(),this.$items.index(this.$active)},to:function(t){var n=this.getActiveIndex(),r=this;if(t>this.$items.length-1||t<0)return;return this.sliding?this.$element.one("slid",function(){r.to(t)}):n==t?this.pause().cycle():this.slide(t>n?"next":"prev",e(this.$items[t]))},pause:function(t){return t||(this.paused=!0),this.$element.find(".next, .prev").length&&e.support.transition.end&&(this.$element.trigger(e.support.transition.end),this.cycle(!0)),clearInterval(this.interval),this.interval=null,this},next:function(){if(this.sliding)return;return this.slide("next")},prev:function(){if(this.sliding)return;return this.slide("prev")},slide:function(t,n){var r=this.$element.find(".item.active"),i=n||r[t](),s=this.interval,o=t=="next"?"left":"right",u=t=="next"?"first":"last",a=this,f;this.sliding=!0,s&&this.pause(),i=i.length?i:this.$element.find(".item")[u](),f=e.Event("slide",{relatedTarget:i[0],direction:o});if(i.hasClass("active"))return;this.$indicators.length&&(this.$indicators.find(".active").removeClass("active"),this.$element.one("slid",function(){var t=e(a.$indicators.children()[a.getActiveIndex()]);t&&t.addClass("active")}));if(e.support.transition&&this.$element.hasClass("slide")){this.$element.trigger(f);if(f.isDefaultPrevented())return;i.addClass(t),i[0].offsetWidth,r.addClass(o),i.addClass(o),this.$element.one(e.support.transition.end,function(){i.removeClass([t,o].join(" ")).addClass("active"),r.removeClass(["active",o].join(" ")),a.sliding=!1,setTimeout(function(){a.$element.trigger("slid")},0)})}else{this.$element.trigger(f);if(f.isDefaultPrevented())return;r.removeClass("active"),i.addClass("active"),this.sliding=!1,this.$element.trigger("slid")}return s&&this.cycle(),this}};var n=e.fn.carousel;e.fn.carousel=function(n){return this.each(function(){var r=e(this),i=r.data("carousel"),s=e.extend({},e.fn.carousel.defaults,typeof n=="object"&&n),o=typeof n=="string"?n:s.slide;i||r.data("carousel",i=new t(this,s)),typeof n=="number"?i.to(n):o?i[o]():s.interval&&i.pause().cycle()})},e.fn.carousel.defaults={interval:5e3,pause:"hover"},e.fn.carousel.Constructor=t,e.fn.carousel.noConflict=function(){return e.fn.carousel=n,this},e(document).on("click.carousel.data-api","[data-slide], [data-slide-to]",function(t){var n=e(this),r,i=e(n.attr("data-target")||(r=n.attr("href"))&&r.replace(/.*(?=#[^\s]+$)/,"")),s=e.extend({},i.data(),n.data()),o;i.carousel(s),(o=n.attr("data-slide-to"))&&i.data("carousel").pause().to(o).cycle(),t.preventDefault()})}(window.jQuery),!function(e){"use strict";var t=function(t,n){this.$element=e(t),this.options=e.extend({},e.fn.collapse.defaults,n),this.options.parent&&(this.$parent=e(this.options.parent)),this.options.toggle&&this.toggle()};t.prototype={constructor:t,dimension:function(){var e=this.$element.hasClass("width");return e?"width":"height"},show:function(){var t,n,r,i;if(this.transitioning||this.$element.hasClass("in"))return;t=this.dimension(),n=e.camelCase(["scroll",t].join("-")),r=this.$parent&&this.$parent.find("> .accordion-group > .in");if(r&&r.length){i=r.data("collapse");if(i&&i.transitioning)return;r.collapse("hide"),i||r.data("collapse",null)}this.$element[t](0),this.transition("addClass",e.Event("show"),"shown"),e.support.transition&&this.$element[t](this.$element[0][n])},hide:function(){var t;if(this.transitioning||!this.$element.hasClass("in"))return;t=this.dimension(),this.reset(this.$element[t]()),this.transition("removeClass",e.Event("hide"),"hidden"),this.$element[t](0)},reset:function(e){var t=this.dimension();return this.$element.removeClass("collapse")[t](e||"auto")[0].offsetWidth,this.$element[e!==null?"addClass":"removeClass"]("collapse"),this},transition:function(t,n,r){var i=this,s=function(){n.type=="show"&&i.reset(),i.transitioning=0,i.$element.trigger(r)};this.$element.trigger(n);if(n.isDefaultPrevented())return;this.transitioning=1,this.$element[t]("in"),e.support.transition&&this.$element.hasClass("collapse")?this.$element.one(e.support.transition.end,s):s()},toggle:function(){this[this.$element.hasClass("in")?"hide":"show"]()}};var n=e.fn.collapse;e.fn.collapse=function(n){return this.each(function(){var r=e(this),i=r.data("collapse"),s=e.extend({},e.fn.collapse.defaults,r.data(),typeof n=="object"&&n);i||r.data("collapse",i=new t(this,s)),typeof n=="string"&&i[n]()})},e.fn.collapse.defaults={toggle:!0},e.fn.collapse.Constructor=t,e.fn.collapse.noConflict=function(){return e.fn.collapse=n,this},e(document).on("click.collapse.data-api","[data-toggle=collapse]",function(t){var n=e(this),r,i=n.attr("data-target")||t.preventDefault()||(r=n.attr("href"))&&r.replace(/.*(?=#[^\s]+$)/,""),s=e(i).data("collapse")?"toggle":n.data();n[e(i).hasClass("in")?"addClass":"removeClass"]("collapsed"),e(i).collapse(s)})}(window.jQuery),!function(e){"use strict";function r(){e(".dropdown-backdrop").remove(),e(t).each(function(){i(e(this)).removeClass("open")})}function i(t){var n=t.attr("data-target"),r;n||(n=t.attr("href"),n=n&&/#/.test(n)&&n.replace(/.*(?=#[^\s]*$)/,"")),r=n&&e(n);if(!r||!r.length)r=t.parent();return r}var t="[data-toggle=dropdown]",n=function(t){var n=e(t).on("click.dropdown.data-api",this.toggle);e("html").on("click.dropdown.data-api",function(){n.parent().removeClass("open")})};n.prototype={constructor:n,toggle:function(t){var n=e(this),s,o;if(n.is(".disabled, :disabled"))return;return s=i(n),o=s.hasClass("open"),r(),o||("ontouchstart"in document.documentElement&&e('